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

MACHINE

LEARNING

Saptarshi Parui
DEFINATION:
Machine Learning is a type of
computer technology that enables
machines to learn and make
predictions or decisions without
being explicitly programmed. It's like
teaching a computer to learn from
examples and improve its
performance over time.
MACHINE LEARNING

Reinforcement Learning
Supervised Learning
the computer learns
the computer is
provided with
Unsupervised Learning through interaction
with an environment.
labeled examples of It takes actions and
input data and their the computer is given receives feedback in
corresponding a dataset without the form of rewards
desired outputs. It pre-existing labels or or penalties. The
learns to recognize categories. It aims to objective is to learn
patterns and make discover patterns, the best actions to
predictions by structures, or maximize cumulative
mapping the input relationships in the rewards over time.
data to the correct data on its own. It For example, a
output. For example, doesn't have specific reinforcement
if given a dataset of guidance on what to learning algorithm
labeled images, the look for. For can learn to play
algorithm can learn instance, games by exploring
to classify new unsupervised different actions and
learning can be used receiving rewards
images based on the
to group similar for winning or
patterns it has
customer behaviors penalties for losing.
observed.
in a dataset without
any prior knowledge
of customer
segments.
DATA

Labelled Data Unlabelled Data


Labelled data has Unlabelled data lacks specific
specific tags or tags or categories. It does not
categories assigned have any assigned labels
to it. Each data point representing its desired output.
is marked with a Unlabelled data contains raw or
known label that unlabeled information that
represents its requires further analysis.
desired output or Unsupervised learning
category. For algorithms explore unlabelled
example, in a dataset data to discover hidden
of images, each patterns, structures, or
image is tagged with relationships without any
labels like "cat," predefined categories or labels.
"dog," or "bird." These algorithms group similar
data points or identify clusters
Labelled data is used
without prior knowledge of the
to train models in
data's inherent labels.
supervised learning
Unlabelled data is also used in
to recognize patterns semi-supervised learning,
and make predictions where a small portion of the
based on the data is labelled, and the rest is
provided labels. unlabelled, to enhance the
learning process.
MACHINE LEARNING ALGORITHMS

Reinforcement Learning
Supervised Learning Algorithms
Q-Learning
Algorithms Unsupervised Learning Deep Q-Networks
Linear Regression Algorithms (DQN)
Logistic Policy Gradient
Regression K-Means Clustering Methods
Decision Trees Hierarchical Proximal Policy
Random Forest Clustering Optimization
Support Vector DBSCAN (PPO)
Machines (SVM) Gaussian Mixture Actor-Critic
Models (GMM) Methods
Naive Bayes
Principal Monte Carlo Tree
K-Nearest
Component Analysis Search (MCTS)
Neighbors (KNN) Temporal
Gradient Boosting (PCA)
t-SNE (t-Distributed Difference
Methods (e.g., Learning
XGBoost, Stochastic Neighbor
Deterministic
Embedding)
AdaBoost) Policy Gradient
Association Rule
Neural Networks (DPG)
Learning (e.g.,
(including Deep Trust Region
Apriori, FP-Growth)
Learning) Policy
Self-Organizing
Ensemble Optimization
Maps (SOM) (TRPO)
Methods (e.g.,
Mean Shift Asynchronous
Bagging,
Clustering Advantage Actor-
Stacking)
Hierarchical Critic (A3C)
Density-Based
Spatial Clustering

(HDBSCAN)
PROCESS OF MAKING A MACHINE LEARNING
MODEL
LOAD DATASET

PREPROCESS DATA
(FEAUTURE ENGINEERING)

MODEL SELECTION

TRAIN YOUR MODEL

EVALUATION OF MODEL

DEPLOYMENT
EVALUATION TECHNIQUES FOR A MACHINE
LEARNING MODEL

Accuracy

Confusion Matrix

Precision

Recall (Sensitivity or True Positive Rate)

F1 Score

ROC Curve (Receiver Operating Characteristic Curve)

AUC-ROC (Area Under the ROC Curve)

Mean Absolute Error (MAE)

Mean Squared Error (MSE)

Cross-Validation
PYTHON MODULES FOR MAKING A MACHINE
LEARNING MODEL
NumPy: Mathematical operations and array manipulations
for handling numerical data.
Pandas: Data manipulation and analysis for structured data.
Scikit-learn: Comprehensive machine learning library for
classification, regression, clustering, and evaluation.
TensorFlow: Deep learning library for building and training
neural networks.
Keras: High-level API for building deep learning models
(runs on top of TensorFlow).
PyTorch: Deep learning library with dynamic computation
graphs.
Matplotlib: Data visualization library for creating plots and
charts.
Seaborn: Statistical visualization library (built on top of
Matplotlib).
SciPy: Scientific computing tools for optimization,
integration, linear algebra, and statistics.
XGBoost: High-performance gradient boosting library for
ensemble models.
PLATFORMS FOR MAKING A MACHINE
LEARNING MODEL

JUPYTER NOTEBOOK
GOOGLE COLLABORATORY
KAGGLE
VS CODE
TENSORFLOW PLAYGROUND

THANK YOU!!!

You might also like