Download as pdf or txt
Download as pdf or txt
You are on page 1of 4

Supervised learning Algorithms

Algorithm Name Type Description


Used to model the relationship between a dependent variable and one or more
Linear Regression Regression
independent variables.
Used for binary classification tasks, it predicts the probability that an instance
Logistic Regression Classification
belongs to a particular class.
A tree-like model used for both classification and regression, making decisions
Decision Trees Classification/Regression
based on feature values.
An ensemble method using multiple decision trees to improve prediction
Random Forest Classification/Regression
accuracy and control over-fitting.
Used for both regression and classification tasks, it finds the hyperplane that best
Support Vector Machines (SVM) Classification/Regression
separates classes.
Based on Bayes' Theorem, it assumes independence among predictors and is
Naive Bayes Classification
particularly useful for large datasets.
Classifies data points based on the points that are most similar to it in the
K-Nearest Neighbors (KNN) Classification/Regression
dataset.
An ensemble technique that combines several weak learners to form a strong
Gradient Boosting Classification/Regression
learner, often using decision trees.
An ensemble method that adjusts the weights of weak learners, focusing more on
AdaBoost Classification/Regression
instances that were previously misclassified.
Inspired by biological neural networks, these algorithms are capable of capturing
Neural Networks Classification/Regression
complex patterns in data.
Unsupervised learning Algorithms
Algorithm Name Type Description
A popular method for partitioning data into K clusters based on feature
K-Means Clustering Clustering
similarity.
Builds a hierarchy of clusters either in a bottom-up (agglomerative) or
Hierarchical Clustering Clustering
top-down (divisive) approach.
Density-Based Spatial Clustering of Applications with Noise identifies
DBSCAN Clustering
clusters of high density and marks outliers.
Reduces the dimensionality of data by projecting it onto a smaller
Principal Component Analysis (PCA) Dimensionality Reduction
subspace while retaining most of the variance.
t-Distributed Stochastic Neighbor Embedding (t- Reduces dimensionality while keeping similar instances close and
Dimensionality Reduction
SNE) dissimilar instances apart; often used for visualization.
Separates a multivariate signal into additive, independent sub-
Independent Component Analysis (ICA) Signal Processing
components often used in audio processing.
Used for market basket analysis to find frequent itemsets and deduce
Apriori Algorithm Association Rule Learning
association rules.
Uses neural networks for dimensionality reduction, primarily for
Self-Organizing Maps (SOM) Visualization and Dimensionality Reduction
visualization of high-dimensional data.
A probabilistic model for representing normally distributed
Gaussian Mixture Models (GMM) Clustering & Density Estimation
subpopulations within an overall population.
Neural network based algorithms used for learning efficient codings of
Autoencoders Dimensionality Reduction & Feature Learning
unlabeled data.
Deep Learning Algorithm providers

Provider Deep Learning Tool/Framework Description


An open-source library for numerical computation and machine learning that enables building
Google TensorFlow
and training deep neural networks.

An open-source machine learning library known for its flexibility, ease of use, and dynamic
Facebook PyTorch
computational graph feature.

A deep learning toolkit that describes neural networks as a series of computational steps via a
Microsoft Microsoft Cognitive Toolkit (CNTK)
directed graph.

An open-source deep learning framework suited for flexible research prototyping and
Apache Software Foundation Apache MXNet
production, supporting imperative and symbolic programming.

Known for advanced natural language processing, GPT models (like GPT-3) use deep learning to
OpenAI GPT (Generative Pre-trained Transformer)
produce human-like text.

An open-source library that provides general-purpose architectures for natural language


Hugging Face Transformers
understanding and generation.

A suite of enterprise-ready AI services, applications, and tooling, including deep learning and
IBM Watson
neural network capabilities.

A GPU-accelerated library for deep neural networks, designed to be integrated into higher-level
NVIDIA CUDA Deep Neural Network library (cuDNN)
machine learning frameworks.

A cloud machine-learning platform that enables developers to create, train, and deploy machine
Amazon Web Services Amazon SageMaker
learning models, including deep learning models.

You might also like