×
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

Software Engineering

Understanding TF IDF (term frequency - inverse document frequency)

tf-idf stands for Term Frequency - Inverse Document Frequency. It is a 2 dimensional data matrix where each term denotes the relative frequency of a particular word in a particular document as compared to other documents. This is a widely used metric in Text Mining and Information retrieval

Chaitanyasuma Jain Chaitanyasuma Jain
Machine Learning (ML)

Understand Learning Rate by a Child's interaction with Dogs

Learning rate (λ) is one such hyperparameter that defines the adjustment in the weights of our network with respect to the loss gradient descent. It determines how fast or slow we will move towards the optimal weights

Aditya Rakhecha Aditya Rakhecha
Machine Learning (ML)

Using ID3 Algorithm to build a Decision Tree to predict the weather

ID3 algorithm, stands for Iterative Dichotomiser 3, is a classification algorithm that follows a greedy approach of building a decision tree by selecting a best attribute that yields maximum Information Gain (IG) or minimum Entropy (H). We will use it to predict the weather and take a decision

Nidhi Mantri Nidhi Mantri
Machine Learning (ML)

Porter Stemmer algorithm

Stemming is the process of reducing a word to its stem that affixes to suffixes and prefixes or to the roots of words lemma. We cover the algorithmic steps in Porter Stemmer algorithm, a native implementation in Python, implementation using Porter Stemmer algorithm from NLTK library and conclusion.

Surya Pratap Singh
Machine Learning (ML)

Bias in Machine learning

Bias is an constant parameter in the Neural Network which is used in adjusting the output. Therefore Bias is a additional parameter which helps the model so that it can perfectly fit for the given data. It is also known as bias nodes, bias neurons, or bias units

Prashant Anand Prashant Anand
Machine Learning (ML)

Implementing CNN in Python with Tensorflow for MNIST digit recognition

In this article, we will develop and train a convolutional neural network (CNN) in Python using TensorFlow for digit recognifition with MNIST as our dataset. We will give an overview of the MNIST dataset and the model architecture we will work on before diving into the code.

Jash Sheth
Machine Learning (ML)

Logistic Regression in Python with TensorFlow

We will walk you though the difference between Linear and Logistic Regression and then, take a deep look into implementing Logistic Regression in Python using TensorFlow. We used the Iris dataset and have trained and plotted the loss function and the training and test accuracy across epochs

Leandro Baruch Leandro Baruch
Machine Learning (ML)

Training, saving and loading Artificial Neural Networks in Keras

We demonstrate how to code a Artificial neural network model and train and save it in JSON or H5 format which can be loaded later for any inference task. We use Keras/ TensorFlow to demonstrate this transfer learning and used Pima Indian Diabetes dataset in CSV format

Jash Sheth
Machine Learning (ML)

Random Decision Forest

Random forests or random decision forests are an ensemble learning method for classification, regression and other tasks that operates by constructing a multitude of decision trees at training time. There are three important hyperparameters namely n_estimators, random_state and max_features

Jash Sheth
Machine Learning (ML)

Generative Model

A Generative Model is a way of learning any kind of data distribution. Generative modeling algorithms process the training data and make reductions in the data. The main aim is to learn the true data distribution of the training set so that the new data points are generated with some variations.

Prashant Anand Prashant Anand
Machine Learning (ML)

Discriminative Model

Discriminative models, also referred to as conditional models, are a class of models used in statistical classification, especially in supervised machine learning. Discriminative modelling studies the P(y|x) i.e, it predicts probability of y(target) when given x(training samples).

Prashant Anand Prashant Anand
Machine Learning (ML)

XGBoost

XGBoost is short for extreme gradient boosting. It is an optimized distributed gradient boosting library designed to be highly efficient, flexible and portable. It implements machine learning algorithms under the Gradient Boosting framework. It provides a parallel tree boosting known as GBDT, GBM

Prashant Anand Prashant Anand
Machine Learning (ML)

Independent Component Analysis (ICA)

Independent component analysis (ICA) is a statistical and computational technique for revealing hidden factors that underlie sets of random variables, measurements, or signals and is a special case of blind source separation. A common application is to listen to one person's speech in a noisy room

Prashant Anand Prashant Anand
Machine Learning (ML)

Linear Regression in Python with TensorFlow

In this guide, we will implement Linear Regression in Python with TensorFlow. Linear Regression is a simple yet effective prediction that models any data to predict an output based on the assumption that it is modeled by a linear relationship.

Leandro Baruch Leandro Baruch
Machine Learning (ML)

Logistic Regression

Logistic Regression is an efficient regression algorithm that aims to predict categorical values, often binary. It is widely used in the medical field to classify sick and healthy individuals and areas that need to determine a client's risk such as financial companies.

Jash Sheth
Machine Learning (ML)

Principal Component Regression (PCR)

Principal Component Regression (PCR) is an algorithm for reducing the multi-collinearity of a dataset. PCR is basically using PCA, and then performing Linear Regression on these new PCs. The key idea of how PCR aims to do this, is to use PCA on the dataset before regression.

Jash Sheth
Machine Learning (ML)

Ridge Regression

Ridge regression is an efficient regression technique that is used when we have multicollinearity or when the number of predictor variables in a set exceed the number of observations. It uses L2 regularization and solves the problem of overfitting. Concepts of overfitting and regularization is basis

Jash Sheth
Machine Learning (ML)

Model Evaluation: a crucial step in solving a machine learning problem

Models like Googlenet is used across various problems and MobileNet are designed for computational limited resources. It is a challenge to find the best technique or model for a given problem. We evaluate a model based on Test Harness, Performance Measure, Cross validation and Testing Algorithms.

Surya Pratap Singh
Machine Learning (ML)

Summary of Regression Techniques

Regression is a technique based on statistics to model the relationship between a set of variables to make predictions on unseen data. We explored are Linear, Logistic, Polynomial, Ridge, Lasso, Elastic Net, Stepwise regression.

Leandro Baruch Leandro Baruch
Machine Learning (ML)

Data augmentation Techniques

Data augmentation is the technique of increasing the size of data used for training a model. Some of position augmentation includes scaling, cropping, flipping, padding, rotation, translation, affine transformation. Color augmentation includes brightness, contrast, saturation and hue.

Harshit Kumar Harshit Kumar
Algorithms

Expectation Maximization Clustering Algorithm

Expectation Maximization Clustering algorithm is much more robust than K-Means, as it uses two parameters, Mean and Standard Deviation to define a particular cluster. This simple addition of calculating the Standard Deviation, helps the EM algorithm do well in a lot of fail cases of K-Means

Jash Sheth
Algorithms

Mean Shift Clustering Algorithm

Mean Shift clustering is an unsupervised clustering algorithm that groups data directly without being trained on labelled data. It is hierarchical in nature. It starts off with a kernel, which is basically a circular sliding window. The bandwidth the radius of this sliding window is pre-decided

Jash Sheth
Machine Learning (ML)

Autoencoder

An autoencoder is a neural network that learns data representations in an unsupervised manner. Its structure consists of Encoder, which learn the compact representation of input data, and Decoder, which decompresses it to reconstruct the input data.

Harshit Kumar Harshit Kumar
Machine Learning (ML)

Neural Style Transfer using CNN

We demonstrate the easiest technique of Neural Style or Art Transfer using Convolutional Neural Networks (CNN). We use VGG19 as our base model and compute the content and style loss, extract features, compute the gram matrix, compute the two weights and generate the image with the other style

Mohamed Almaki Mohamed Almaki
Machine Learning (ML)

Fully Connected Layer: The brute force layer of a Machine Learning model

Fully Connected layers in a neural networks are those layers where all the inputs from one layer are connected to every activation unit of the next layer. In most popular machine learning models, the last few layers are full connected layers which compiles the data extracted by previous layers

Surya Pratap Singh
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