SlideShare a Scribd company logo
Machine Learning-1
Presented by Skillslash
What is MC Learning
www.skillslash.com
The subfield of computer science that “gives computers the ability to learn
without being explicitly programmed”.
(Arthur Samuel, 1959)
A computer program is said to learn from experience E with respect to some class of
tasks T and performance measure P if its performance at tasks in T, as measured by P,
improves with experience E.”
(Tom Mitchell, 1997)
Using data for answering
questions
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
High Bias and Low Variance
(Low Flexibility)
Low Bias and High Variance
(Too Flexibility)
Low Bias and High Variance
(Balanced Flexibility)
Bias Error:
The bias is known as the difference between the prediction of the values by the ML model and the correct
value. Being high in biasing gives a large error in training as well as testing data.
Variance Error:
Variance is the amount that the estimate of the target function will change if different training data was
used.
www.skillslash.com
Types of Machine Learning
Supervised Learning vs Unsupervised Learning
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Un-Supervised Learning
Clustering
Regression vs Classification
Semi Supervised Learning
Types of Supervised ML
Supervise
d
Unsupervise
d
Reinforceme
nt
Output is a discrete variable
(e.g.,
Defaulter and Non Defaulter
Spam and non spam
Purchaser Non Purchaser)
Classificatio
n
Regressio
n
Output is continuous (e.g.,
price of house,
temperature)
www.skillslash.com
www.skillslash.com
Machine Learning - Lecture1.pptx.pdf
Supervise
d
Unsupervise
d
Reinforceme
nt
www.skillslash.com
www.skillslash.com
Types of Machine Learning
Problems
Supervise
d
Unsupervise
d
Reinforceme
nt
Supervise
d
Is this a cat or a dog?
Are these emails spam or not?
Unsupervised
Predict the market value of houses, given the
square meters, number of rooms,
neighborhood, etc.
Reinforcement
Learn through examples of which we know
the desired output (what we want to
predict).
Types of Machine Learning
Problems
Unsupervise
d
Supervised
There is no desired output. Learn something
about the data. Latent relationships.
I want to find anomalies in the credit card
usage patterns of my customers.
Reinforcement
I have photos and want to put them in
20 groups.
www.skillslash.com
Types of Machine Learning
Problems
Unsupervise
d
Supervise
d
Reinforceme
nt
Useful for learning structure in the data
(clustering), hidden correlations, reduce
dimensionality, etc.
www.skillslash.com
Environment gives feedback via a
positive or negative reward signal.
Unsupervised
Reinforceme
nt
Supervise
d
An agent interacts with an environment and
watches the result of the interaction.
Types of Machine Learning
Problems
www.skillslash.com
Machine Learning - Lecture1.pptx.pdf
Data Gathering
60
Might depend on human work
• Manual labeling for supervised learning.
• Domain knowledge. Maybe even experts.
May come for free, or “sort of”
• E.g., Machine Translation.
The more the better: Some algorithms need large amounts of data
to be useful (e.g., neural networks).
The quantity and quality of data dictate the model accuracy
www.skillslash.com
Data Preprocessing
61
Is there anything wrong with the data?
• Missing values
• Outliers
• Bad encoding (for text)
• Wrongly-labeled examples
• Biased data
• Do I have many more samples of one
class than the rest?
Need to fix/remove data?
www.skillslash.com
Feature Engineering
62
What is a feature?
A feature is an individual measurable
property of a phenomenon being
observed
Our inputs are represented by a set of
features.
To classify spam email, features could be:
• Number of words that have been
ch4ng3d
like this.
• Language of the email
Buy ch34p drugs
from the
ph4rm4cy now :)
:) :)
(2, 0, 3)
Feature
engineerin
g
www.skillslash.com
Feature Engineering
63
Extract more information from existing data, not adding “new” data
per-se
• Making it more useful
• With good features, most algorithms can learn
faster It can be an art
• Requires thought and knowledge of the
data Two steps:
• Variable transformation (e.g., dates into weekdays,
normalizing)
www.skillslash.com
Algorithm Selection & Training
64
Supervise
d
• Linear classifier
• Naive Bayes
• Support Vector Machines
(SVM)
• Decision Tree
• Random Forests
• k-Nearest Neighbors
• Neural Networks (Deep
learning)
Unsupervise
d
• PCA
• t-SNE
• k-mean
s
• DBSCAN
Reinforcemen
t
• SARSA–λ
• Q-Learnin
g
www.skillslash.com
65
THE MACHINE LEARNING FRAMEWORK
y = f(x)
● Training: given a training set of labeled examples {(x1
,y1
), …,
(xN
,yN
)}, estimate the prediction function f by minimizing the
prediction error on the training set
● Testing: apply f to a never before seen test example x and
output the predicted value y = f(x)
output prediction
function
Image
feature
www.skillslash.com
Goal of training: making the correct prediction as often as
possible
• Incremental improvement:
• Use of metrics for evaluating performance and comparing
solutions
• Hyperparameter tuning: more an art than a science
Algorithm Selection & Training
66
Predic
t
Adjus
t
www.skillslash.com
Summary
67
• Machine Learning is intelligent use of data to answer questions
• Enabled by an exponential increase in computing power and
data availability
• Three big types of problems: supervised, unsupervised,
reinforcement
• 5 steps to every machine learning solution:
1. Data Gathering
2. Data Preprocessing
3. Feature Engineering
4. Algorithm Selection & Training
5. Making Predictions www.skillslash.com
Generalization
● How well does a learned model generalize from the data it
was trained on to a new test set?
Training set (labels known) Test set (labels
unknown)
Generalization
● Components of generalization error
○ Bias: how much the average model over all training sets differ from the true
model?
■ Error due to inaccurate assumptions/simplifications made by the model
■ Using very less features
○ Variance: how much models estimated from different training sets differ from
each other
● Underfitting: model is too “simple” to represent all the relevant class
characteristics
○ High bias and low variance
○ High training error and high test error
● Overfitting: model is too “complex” and fits irrelevant characteristics
(noise) in the data
○ Low bias and high variance
○ Low training error and high test error
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Bias-Variance Trade-off
• Models with too few parameters are
inaccurate because of a large bias (not
enough flexibility).
• Bias can also come due to wrong
assumption.
• Lead to Train error
• Models with too many parameters are
inaccurate because of a large variance
(too much sensitivity to the sample).
• Lead to Test Error
www.skillslash.com
THANK YOU
www.skillslash.com
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf
Machine Learning - Lecture1.pptx.pdf

More Related Content

PPTX
Machine Learning - Lecture2.pptx
PDF
1. Demystifying ML.pdf
PPTX
Machine Learning Contents.pptx
PDF
Engineering Intelligent Systems using Machine Learning
PPTX
Machine Learning Essentials and Fundamentals.pptx
PDF
ML_Module_1.pdf
PDF
Getting started with Machine Learning
PPTX
Lec1 intoduction.pptx
Machine Learning - Lecture2.pptx
1. Demystifying ML.pdf
Machine Learning Contents.pptx
Engineering Intelligent Systems using Machine Learning
Machine Learning Essentials and Fundamentals.pptx
ML_Module_1.pdf
Getting started with Machine Learning
Lec1 intoduction.pptx

Similar to Machine Learning - Lecture1.pptx.pdf (20)

PPTX
chapter Three artificial intelligence 1.pptx
PDF
Machine Learning_Unit 2_Full.ppt.pdf
PDF
Brain, Bytes & Bias: ML Interview Questions You Can’t Miss!
PPTX
Introduction to Machine Learning.pptx
PDF
ML Mindbenders: Interview Questions That’ll Make You Sweat (Smartly)!
PPTX
Introduction to ML (Machine Learning)
PDF
newmicrosoftpowerpointpresentation-210512111200.pdf
PPTX
Learning – Types of Machine Learning – Supervised Learning – Unsupervised UNI...
PPTX
Machine Learning_overview_presentation.pptx
PPTX
introduction to machine learning
PDF
Supervised learning techniques and applications
PPTX
ML basics.pptx
PPTX
Lecture 1.pptxgggggggggggggggggggggggggggggggggggggggggggg
PPTX
Foundations-of-Machine-Learning_in Engineering.pptx
PPTX
MachineLearning_AishwaryaCR
PPTX
Optimal Model Complexity (1).pptx
PPTX
Machine learning with ADA Boost
PPT
5_Model for Predictions_Machine_Learning.ppt
PPTX
Introduction to Machine Learning Key Concepts for Beginners.pptx
chapter Three artificial intelligence 1.pptx
Machine Learning_Unit 2_Full.ppt.pdf
Brain, Bytes & Bias: ML Interview Questions You Can’t Miss!
Introduction to Machine Learning.pptx
ML Mindbenders: Interview Questions That’ll Make You Sweat (Smartly)!
Introduction to ML (Machine Learning)
newmicrosoftpowerpointpresentation-210512111200.pdf
Learning – Types of Machine Learning – Supervised Learning – Unsupervised UNI...
Machine Learning_overview_presentation.pptx
introduction to machine learning
Supervised learning techniques and applications
ML basics.pptx
Lecture 1.pptxgggggggggggggggggggggggggggggggggggggggggggg
Foundations-of-Machine-Learning_in Engineering.pptx
MachineLearning_AishwaryaCR
Optimal Model Complexity (1).pptx
Machine learning with ADA Boost
5_Model for Predictions_Machine_Learning.ppt
Introduction to Machine Learning Key Concepts for Beginners.pptx
Ad

Recently uploaded (20)

PPTX
Microsoft-Fabric-Unifying-Analytics-for-the-Modern-Enterprise Solution.pptx
PDF
Fluorescence-microscope_Botany_detailed content
PPT
Miokarditis (Inflamasi pada Otot Jantung)
PPTX
Introduction-to-Cloud-ComputingFinal.pptx
PDF
BF and FI - Blockchain, fintech and Financial Innovation Lesson 2.pdf
PDF
Lecture1 pattern recognition............
PPTX
01_intro xxxxxxxxxxfffffffffffaaaaaaaaaaafg
PPT
ISS -ESG Data flows What is ESG and HowHow
PPTX
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
PPTX
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
PPTX
mbdjdhjjodule 5-1 rhfhhfjtjjhafbrhfnfbbfnb
PDF
“Getting Started with Data Analytics Using R – Concepts, Tools & Case Studies”
PPTX
climate analysis of Dhaka ,Banglades.pptx
PPTX
Acceptance and paychological effects of mandatory extra coach I classes.pptx
PDF
TRAFFIC-MANAGEMENT-AND-ACCIDENT-INVESTIGATION-WITH-DRIVING-PDF-FILE.pdf
PPTX
The THESIS FINAL-DEFENSE-PRESENTATION.pptx
PDF
22.Patil - Early prediction of Alzheimer’s disease using convolutional neural...
PPTX
Introduction to machine learning and Linear Models
PPTX
oil_refinery_comprehensive_20250804084928 (1).pptx
PPTX
iec ppt-1 pptx icmr ppt on rehabilitation.pptx
Microsoft-Fabric-Unifying-Analytics-for-the-Modern-Enterprise Solution.pptx
Fluorescence-microscope_Botany_detailed content
Miokarditis (Inflamasi pada Otot Jantung)
Introduction-to-Cloud-ComputingFinal.pptx
BF and FI - Blockchain, fintech and Financial Innovation Lesson 2.pdf
Lecture1 pattern recognition............
01_intro xxxxxxxxxxfffffffffffaaaaaaaaaaafg
ISS -ESG Data flows What is ESG and HowHow
ALIMENTARY AND BILIARY CONDITIONS 3-1.pptx
AI Strategy room jwfjksfksfjsjsjsjsjfsjfsj
mbdjdhjjodule 5-1 rhfhhfjtjjhafbrhfnfbbfnb
“Getting Started with Data Analytics Using R – Concepts, Tools & Case Studies”
climate analysis of Dhaka ,Banglades.pptx
Acceptance and paychological effects of mandatory extra coach I classes.pptx
TRAFFIC-MANAGEMENT-AND-ACCIDENT-INVESTIGATION-WITH-DRIVING-PDF-FILE.pdf
The THESIS FINAL-DEFENSE-PRESENTATION.pptx
22.Patil - Early prediction of Alzheimer’s disease using convolutional neural...
Introduction to machine learning and Linear Models
oil_refinery_comprehensive_20250804084928 (1).pptx
iec ppt-1 pptx icmr ppt on rehabilitation.pptx
Ad

Machine Learning - Lecture1.pptx.pdf

  • 2. What is MC Learning www.skillslash.com The subfield of computer science that “gives computers the ability to learn without being explicitly programmed”. (Arthur Samuel, 1959) A computer program is said to learn from experience E with respect to some class of tasks T and performance measure P if its performance at tasks in T, as measured by P, improves with experience E.” (Tom Mitchell, 1997) Using data for answering questions
  • 40. High Bias and Low Variance (Low Flexibility) Low Bias and High Variance (Too Flexibility) Low Bias and High Variance (Balanced Flexibility)
  • 41. Bias Error: The bias is known as the difference between the prediction of the values by the ML model and the correct value. Being high in biasing gives a large error in training as well as testing data. Variance Error: Variance is the amount that the estimate of the target function will change if different training data was used.
  • 43. Supervised Learning vs Unsupervised Learning
  • 50. Types of Supervised ML Supervise d Unsupervise d Reinforceme nt Output is a discrete variable (e.g., Defaulter and Non Defaulter Spam and non spam Purchaser Non Purchaser) Classificatio n Regressio n Output is continuous (e.g., price of house, temperature) www.skillslash.com
  • 55. Types of Machine Learning Problems Supervise d Unsupervise d Reinforceme nt Supervise d Is this a cat or a dog? Are these emails spam or not? Unsupervised Predict the market value of houses, given the square meters, number of rooms, neighborhood, etc. Reinforcement Learn through examples of which we know the desired output (what we want to predict).
  • 56. Types of Machine Learning Problems Unsupervise d Supervised There is no desired output. Learn something about the data. Latent relationships. I want to find anomalies in the credit card usage patterns of my customers. Reinforcement I have photos and want to put them in 20 groups. www.skillslash.com
  • 57. Types of Machine Learning Problems Unsupervise d Supervise d Reinforceme nt Useful for learning structure in the data (clustering), hidden correlations, reduce dimensionality, etc. www.skillslash.com
  • 58. Environment gives feedback via a positive or negative reward signal. Unsupervised Reinforceme nt Supervise d An agent interacts with an environment and watches the result of the interaction. Types of Machine Learning Problems www.skillslash.com
  • 60. Data Gathering 60 Might depend on human work • Manual labeling for supervised learning. • Domain knowledge. Maybe even experts. May come for free, or “sort of” • E.g., Machine Translation. The more the better: Some algorithms need large amounts of data to be useful (e.g., neural networks). The quantity and quality of data dictate the model accuracy www.skillslash.com
  • 61. Data Preprocessing 61 Is there anything wrong with the data? • Missing values • Outliers • Bad encoding (for text) • Wrongly-labeled examples • Biased data • Do I have many more samples of one class than the rest? Need to fix/remove data? www.skillslash.com
  • 62. Feature Engineering 62 What is a feature? A feature is an individual measurable property of a phenomenon being observed Our inputs are represented by a set of features. To classify spam email, features could be: • Number of words that have been ch4ng3d like this. • Language of the email Buy ch34p drugs from the ph4rm4cy now :) :) :) (2, 0, 3) Feature engineerin g www.skillslash.com
  • 63. Feature Engineering 63 Extract more information from existing data, not adding “new” data per-se • Making it more useful • With good features, most algorithms can learn faster It can be an art • Requires thought and knowledge of the data Two steps: • Variable transformation (e.g., dates into weekdays, normalizing) www.skillslash.com
  • 64. Algorithm Selection & Training 64 Supervise d • Linear classifier • Naive Bayes • Support Vector Machines (SVM) • Decision Tree • Random Forests • k-Nearest Neighbors • Neural Networks (Deep learning) Unsupervise d • PCA • t-SNE • k-mean s • DBSCAN Reinforcemen t • SARSA–λ • Q-Learnin g www.skillslash.com
  • 65. 65 THE MACHINE LEARNING FRAMEWORK y = f(x) ● Training: given a training set of labeled examples {(x1 ,y1 ), …, (xN ,yN )}, estimate the prediction function f by minimizing the prediction error on the training set ● Testing: apply f to a never before seen test example x and output the predicted value y = f(x) output prediction function Image feature www.skillslash.com
  • 66. Goal of training: making the correct prediction as often as possible • Incremental improvement: • Use of metrics for evaluating performance and comparing solutions • Hyperparameter tuning: more an art than a science Algorithm Selection & Training 66 Predic t Adjus t www.skillslash.com
  • 67. Summary 67 • Machine Learning is intelligent use of data to answer questions • Enabled by an exponential increase in computing power and data availability • Three big types of problems: supervised, unsupervised, reinforcement • 5 steps to every machine learning solution: 1. Data Gathering 2. Data Preprocessing 3. Feature Engineering 4. Algorithm Selection & Training 5. Making Predictions www.skillslash.com
  • 68. Generalization ● How well does a learned model generalize from the data it was trained on to a new test set? Training set (labels known) Test set (labels unknown)
  • 69. Generalization ● Components of generalization error ○ Bias: how much the average model over all training sets differ from the true model? ■ Error due to inaccurate assumptions/simplifications made by the model ■ Using very less features ○ Variance: how much models estimated from different training sets differ from each other ● Underfitting: model is too “simple” to represent all the relevant class characteristics ○ High bias and low variance ○ High training error and high test error ● Overfitting: model is too “complex” and fits irrelevant characteristics (noise) in the data ○ Low bias and high variance ○ Low training error and high test error
  • 72. Bias-Variance Trade-off • Models with too few parameters are inaccurate because of a large bias (not enough flexibility). • Bias can also come due to wrong assumption. • Lead to Train error • Models with too many parameters are inaccurate because of a large variance (too much sensitivity to the sample). • Lead to Test Error