×
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)

Overview of Object Detection in Computer Vision

Object detection models are used to identify multiple relevant objects in a single image.The second significant advantage of object detection models versus image classification ones is that location of the objects is provided. Popular Object Detection Models are YOLO and SSD.

Abhipraya Kumar Dash
Machine Learning (ML)

VGG16 architecture

We have explored the VGG16 architecture in depth. VGGNet-16 consists of 16 convolutional layers and is very appealing because of its very uniform Architecture. Similar to AlexNet, it has only 3x3 convolutions, but lots of filters. It can be trained on 4 GPUs for 3 weeks.

Abhipraya Kumar Dash
Machine Learning (ML)

Terms used in Neural Networks

The common terms used in Neural Networks are Convolution, Max Pooling, Fully Connected Layer, Softmax Activation Function and Rectified Linear Units.

Abhipraya Kumar Dash
Machine Learning (ML)

Feed Forward Neural Networks

A feedforward neural network is an Artificial Neural Network in which connections between the nodes do not form a cycle. Learn about how it uses ReLU and other activation functions, perceptrons, early stopping, overfitting, and others. See the architecture of various Feed Forward Neural Networks

Abhipraya Kumar Dash
Machine Learning (ML)

BLAS vs BLIS

BLAS (Basic Linear Algebra Subprograms) and BLIS (BLAS Like Interface Software) are libraries that have revolutionized scientific computing by accelerating execution of mathematical operations on a vast range of platforms. In short, BLIS is the new generation alternative to BLAS

Aditya Chatterjee Aditya Chatterjee
Machine Learning (ML)

Types of Neural Network optimizations

The types of neural network optimizations are weight pruning, structured pruning, convolution, fully-connected, structured group, structure ranking with activations like Lp norm, block pruning, model thinning, compression schedule, regularization, group lasso, group variance, quantization and others

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

Principle of Sammon Mapping

Sammon mapping (also known as Sammon projection) is an algorithm that maps a high dimensional data to lower dimensional data by preserving the structure of inter point distances in the original data. Learn why Sammon Mapping is better than Principal Component Analysis (PCA)

Dakshya Mishra
Machine Learning (ML)

Build / Install Eigen Library from source

In this article, we explore the way to build and install Eigen library from source using cmake. Eigen is an efficient open-source C++ library for linear algebra, matrix and vector operations, geometrical transformations, numerical solvers and related algorithms.

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

Key ideas that makes Graphics Processing Unit (GPU) work so fast

We have explored the key ideas that are used in Graphics Processing Unit to make it so fast. Ideas include many cores in parallel, pack cores full of ALUs by sharing instruction stream by explicit SIMD vector instruction and avoid latency stalls by interleaving execution of many groups.

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

Basic Graphics Processing Unit (GPU) design concepts

we have explored some of the basic architecture concepts in Graphics Processing Unit (GPU) such as graphics pipeline, vector processing, primitive processing, rasterization, fragment processing, pixel operations, graphics architecture and shader programming model There are five basic graphics entity

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

What is a Graphics Processing Unit (GPU)?

A graphics processing unit (GPU) is a processor like CPU and TPU for faster graphics processing. Specifically, it designed to rapidly manipulate and alter memory to accelerate the creation of images in a frame buffer to be displayed on a screen. GPUs are developed by Intel, Nvidia and AMD (ATI).

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

Tensor Processing Unit (TPU) explained

A tensor processing unit (TPU) is a proprietary processor designed by Google in 2016 for use in neural networks inference. Norm Jouppi was the Technical leader of the TPU project. Key ideas in TPU include Matrix Multiplier Unit, Unified Buffer, Activation Unit and systolic array

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

When to use Multilayer Perceptrons (MLP)?

Multilayer Perceptrons (MLPs) are the buiding blocks of neural network. They are comprised of one or more layers of neurons. MLPs are used for classification prediction problems, regression prediction problems and tabular datasets.

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

When to use Recurrent Neural Networks (RNN)?

Recurrent Neural Networks (RNNs) are designed to work with sequence prediction problems. RNNs can be used on Text data, Speech data, Classification prediction problems, Regression prediction problems and Generative models. Sequence prediction problems come in many forms.

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

When to use Convolutional Neural Networks (CNN)?

Use CNN for data with a spatial relationship. Convolutional Neural Networks (CNNs) are designed to map image data to an output variable. They have proven so effective that they are the ready to use method for any type of prediction problem involving image data as an input

OpenGenus Tech Review Team OpenGenus Tech Review Team
TensorFlow

Run TensorFlow Convolutional Neural Network (TF CNN) benchmarks in CPU

We will walk you through running the official benchmark of (TF CNN benchmark) TensorFlow for Convolutional Neural Network on your machine. The process is simple and we have divided it into three simple steps: install tensorflow, get the benchmarking code and run the benchmark and observe results

OpenGenus Tech Review Team OpenGenus Tech Review Team
data science

Basic Data Science concepts everyone needs to know

In this article, we explored some of the basic data science concepts everyone needs to understand to ace things in real life. We demonstrated basic statistic measurements such as median, bayesian statistics, probability distribution, dimensionality reduction and over and under sampling of data.

Devansh Biswal
Machine Learning (ML)

Difference between MKL, MKL ML and MKL DNN

In this article, we give the relation between MKL, MKL ML and MKL DNN. MKL is a closed sourced BLAS library while MKL ML is an open-source BLAS library which is actually a subset of MKL. MKL DNN is an open source library used to optimize Deep Neural Network operations and depends on a BLAS library.

OpenGenus Tech Review Team OpenGenus Tech Review Team
eigen

What is Eigen C++ Library?

Eigen is an efficient open-source C++ library for linear algebra, matrix and vector operations, geometrical transformations, numerical solvers and related algorithms. It has been developed by two great developers namely Benoit Jacob and Gael Guennebaud. It has support for compilers like GCC

OpenGenus Tech Review Team OpenGenus Tech Review Team
openblas

Install OpenBLAS from source

In this article, we will guide you to install OpenBLAS from source in three simple steps. OpenBLAS is an open source optimized BLAS (Basic Linear Algebra Subprograms) library based on GotoBLAS2 1.13 BSD version.

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

Building a Convolution Neural Network (CNN) for handwritten digit recognition in Python using Keras

We built a Convolution Neural Network (CNN) for handwritten digit recognition from scratch in python. We will be using Keras API with TensorFlow backend and use handwritten digits dataset from Kaggle.

Piyush Mishra
Machine Learning (ML)

Why Principal Component Analysis (PCA) works?

We have demonstrated how and why Principal Component Analysis (PCA) works using the intuition behind the common operations used in the algorithm such as Variance, Covariance, Eigenvectors and Eigenvalues. Eigenvectors represent directions while Eigenvalues represent magnitude the importance

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

Algorithm of Principal Component Analysis (PCA)

The algorithm of Principal Component Analysis (PCA) is based on a few mathematical ideas namely Variance, Convariance, Eigen Vectors and Eigen values. The algorithm is of eight simple steps including preparing the data set, calculating the covariance matrix, eigen vectors and values, new feature set

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

Basic Ideas of Principal component analysis

Principal component analysis (PCA) is a technique to bring out strong patterns in a dataset by supressing variations. It is used to clean data sets to make it easy to explore and analyse. We have demonstrated an example of 17 dimensions and given the basic intuition of PCA

OpenGenus Tech Review Team OpenGenus Tech Review Team
Machine Learning (ML)

Top deep learning frameworks to explore

In this article, we have explored some of the top Deep Learning frameworks that are out there and you should definitely try out. Some of them are TensorFlow, Keras, Caffe, Caffe2, MXNet, CNTK, BigDL, Torch, PyTorch, deeplearn.js and others

OpenGenus Tech Review Team OpenGenus Tech Review Team
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