×
Home Discussions Write at Opengenus IQ
×
  • DSA Cheatsheet
  • HOME
  • Track your progress
  • Deep Learning (FREE)
  • Join our Internship 🎓
  • RANDOM
  • One Liner

Machine Learning (ML)

Machine Learning is the fastest growing and most potential field that enables a computer to perform specific tasks better than humans. It is actively used in companies like Apple, Tesla, Google and Facebook. We are covering the latest developments in the field

Machine Learning (ML)

Understanding the VGG19 Architecture

VGG19 is a variant of VGG model which in short consists of 19 layers (16 convolution layers, 3 Fully connected layer, 5 MaxPool layers and 1 SoftMax layer). There are other variants of VGG like VGG11, VGG16 and others. VGG19 has 19.6 billion FLOPs.

Aakash Kaushik Aakash Kaushik
Machine Learning (ML)

Gaussian Naive Bayes

Gaussian Naive Bayes is a variant of Naive Bayes that follows Gaussian normal distribution and supports continuous data. We have explored the idea behind Gaussian Naive Bayes along with an example.

Prateek Majumder Prateek Majumder
Machine Learning (ML)

Optical Character Recognition (OCR)

Optical Character Recognition or OCR is the technology that is used to convert characters or text that is either handwritten or printed in the form of paper into machine encoded text so that it can be saved digitally.

Apoorva Kandpal Apoorva Kandpal
Machine Learning (ML)

Simplifying "Gaussian LDA for Topic Models with Word Embeddings"

In this article, we have explained the research paper titled "Gaussian LDA for Topic Models with Word Embeddings" by Rajarshi Das, Manzil Zaheer, Chris Dyer (associated with Carnegie Mellon University) in a easy fashion for beginners to get deep understanding of this paper

Murugesh Manthiramoorthi Murugesh Manthiramoorthi
Machine Learning (ML)

Pachinko Allocation Model (PAM)

Pachinko Allocation Model (PAM) is a topic modeling technique which is an improvement over the shortcomings of Latent Dirichlet Allocation. In this article, we have explained it in detail.

Murugesh Manthiramoorthi Murugesh Manthiramoorthi
Machine Learning (ML)

BERT for text summarization

BERT (Bidirectional tranformer) is a transformer used to overcome the limitations of RNN and other neural networks as Long term dependencies. We have explored in depth how to perform text summarization using BERT.

Ashutosh Vashisht Ashutosh Vashisht
Machine Learning (ML)

Tensorflow.js: Machine Learning through JavaScript

Tensorflow.js is an open-source library with which we can implement machine learning in the browser with the help of JavaScript. It is powered by WebGL and provides a high-level layers API for defining models, and a low-level API for linear algebra and automatic differentiation.

Pranjal Srivastava Pranjal Srivastava
Machine Learning (ML)

Convolutional Neural Network (CNN) questions

In this article, we have presented the most insightful and must attempt questions on Convolutional Neural Network (CNN) along with detailed answers so that you can understand CNN in depth.

Leandro Baruch Leandro Baruch
Machine Learning (ML)

Batch Normalization

Batch normalization is a technique used to increase the stability of a neural network. It helps our neural network to work with better speed and provide more efficient results.

Apoorva Kandpal Apoorva Kandpal
Machine Learning (ML)

Guide to "An embarrassingly simple approach to Zero-Shot Learning"

In this article, we have discussed about "An embarrassingly simple approach to Zero-Shot learning" and dived into details how to apply this approach that in a single line of code outperforms the state-of-art models.

Harshiv Patel Harshiv Patel
Machine Learning (ML)

Types of RNN (Recurrent Neural Network)

In this article, we shall dive into Recurrent Neural Networks types after getting you briefly introduced to RNNs. In short, the different types of RNN are one to one, one to many, many to many and many to one.

Yash Prasad Yash Prasad
Machine Learning (ML)

Understand different types of Boosting Algorithms

In this article we will dive deep into understanding Boosting and then we are going to see rapidly some derived algorithms like AdaBoost and LightGBM.

Naseem Sadki
Machine Learning (ML)

Topic Modeling using Non Negative Matrix Factorization (NMF)

Non-Negative Matrix Factorization is a statistical method to reduce the dimension of the input corpora. It uses factor analysis method to provide comparatively less weightage to the words with less coherence.

Murugesh Manthiramoorthi Murugesh Manthiramoorthi
Machine Learning (ML)

Sentiment Analysis Techniques

Sentiment Analysis is the application of analyzing a text data and predict the emotion associated with it. This is a challenging Natural Language Processing problem and there are several established approaches which we will go through.

Chaitanyasuma Jain Chaitanyasuma Jain
Machine Learning (ML)

Topic Modeling using Latent Semantic Analysis

In this article, we have explored the functioning and working of Latent Semantic Analysis with respect to topic modeling in DEPTH along with mathematics behind the method.

Murugesh Manthiramoorthi Murugesh Manthiramoorthi
Machine Learning (ML)

Residual Neural Network (ResNet)

Residual neural networks or commonly known as ResNets are the type of neural network that applies identity mapping to solve the vanishing gradient problem and perform better than RNN and CNN.

Apoorva Kandpal Apoorva Kandpal
Machine Learning (ML)

Text Summarization using RNN

Encoder Decoder RNN (Recurrent neural network) model is used in order to overcome all the limits faced by the NLP for text summarization such as getting a short and accurate summary.

Ashutosh Vashisht Ashutosh Vashisht
Machine Learning (ML)

Apriori Associative Learning Algorithm

Apriori is a associative learning algorithm which is generally used in data mining. It follows the principle that people who bought this will also buy this.

Harsh Bansal Harsh Bansal
Machine Learning (ML)

Latent Dirichlet Allocation (LDA)

Latent Dirichlet Allocation (LDA) is used as a topic modelling technique that is it can classify text in a document to a particular topic. It uses Dirichlet distribution to find topics for each document model

Harsh Bansal Harsh Bansal
Machine Learning (ML)

Topic Modelling Techniques in NLP

Topic modelling is an algorithm for extracting the topic or topics for a collection of documents. We explored different techniques like LDA, NMF, LSA, PLDA and PAM.

Murugesh Manthiramoorthi Murugesh Manthiramoorthi
Machine Learning (ML)

Zero shot learning: Approach that can change Machine Learning

In zero-shot learning, the machine is capable of describing what class an unlabeled sample belongs to when it does not fall into the category of any of the trained categories.

Harshiv Patel Harshiv Patel
Machine Learning (ML)

Implement Document Clustering using K Means in Python

In this article, we discuss the implementation of concepts like TF IDF, document similarity and K Means and created a demo of document clustering in Python

Chaitanyasuma Jain Chaitanyasuma Jain
Machine Learning (ML)

TextRank for Text Summarization

TextRank is a text summarization technique which is used in Natural Language Processing to generate Document Summaries. It uses an extractive approach and is an unsupervised graph-based text summarization technique based on PageRank.

Chaitanyasuma Jain Chaitanyasuma Jain
Software Engineering

Create a Web App using Flask to present a Machine Learning model

We will see how to deploy a Machine Learning model by building a simple Web Application using Flask. It will run the Machine Learning model in the server as inference.

Akshat Maheshwari Akshat Maheshwari
Machine Learning (ML)

Demystifying Voting Classifier

Voting classifier is one of the most powerful methods of ensemble methods which we have explored in depth in this article.

Murugesh Manthiramoorthi Murugesh Manthiramoorthi
OpenGenus IQ © 2025 All rights reserved â„¢
Contact - Email: team@opengenus.org
Primary Address: JR Shinjuku Miraina Tower, Tokyo, Shinjuku 160-0022, JP
Office #2: Commercial Complex D4, Delhi, Delhi 110017, IN
Top Posts LinkedIn Twitter
Android App
Apply for Internship