SlideShare a Scribd company logo
1 of 70
Applications of Support Vector Machine
Face detection Classification of imagesText and hypertext
categorization
Bioinformatics
Agenda
What is Machine learning?
Agenda
Why Support Vector Machine?
What is Machine learning?
Agenda
SVM ?Why Support Vector Machine?
What is Support Vector Machine?
What is Machine learning?
Agenda
SVM
Why Support Vector Machine?
What is Support Vector Machine?
Understanding Support Vector Machine
What is Machine learning?
Agenda
Tested
Tested
Tested
A
B
C
Why Support Vector Machine?
What is Support Vector Machine?
Understanding Support Vector Machine
Advantages of Support Vector Machine
What is Machine learning?
Agenda
Why Support Vector Machine?
What is Support Vector Machine?
Understanding Support Vector Machine
Advantages of Support Vector Machine
What is Machine learning?
Use Case in Python
What is Machine learning?
Machine Learning
Supervised
Learning
Unsupervised
Learning
Reinforcement
Learning
What is Machine learning?
strawberry
Model is
trained
Teach the
model
Got it!
Machine learning model learns from the past input data and makes future prediction
as output
Supervised Learning
What is Machine learning?
Machine Learning
Supervised
Learning
Unsupervised
Learning
Reinforcement
Learning
Classification
Regression
} Support Vector
Machine
Why Support Vector Machine?
Fruit Shop
?
Last week, my son and I
visited a fruit shop
Why Support Vector Machine?
Fruit Shop
?
?
Dad, is that an apple
or a strawberry?
There he found a
fruit
which was similar
to both
Why Support Vector Machine?
Fruit Shop
?
After a couple of seconds,
he could figure out that it
was a strawberry
It is a strawberry!
</>…
Why Support Vector Machine?
Model Training PredictionPast Labeled
Data
?
New Data
Output
Why not build a model
which can predict an unknown
data??
It’s a
strawberry
</>…
Why Support Vector Machine?
Model Training PredictionPast Labeled
Data
?
New Data
Output
This is Support Vector Machine
It’s a
strawberry
</>…
Why Support Vector Machine?
Model Training PredictionPast Labeled
Data
?
New Data
Output
SVM is a supervised learning
method that looks at data and
sorts it into one of the two
categories
It’s a
strawberry
</>…
Why Support Vector Machine?
Model Training PredictionPast Labeled
Data
?
New Data
Output
But how does prediction
work?
It’s a
strawberry
Why Support Vector Machine?
</>…
Model Training Prediction
Past Labeled
Data
?
New Data
Output
It’s a
strawberry
Predicting
the
unknown
SVM
New data of fruit
(Unlabeled Sample)
Support Vector
Machine
Output
Labeled sample
data
Decision
boundary
Plotting the new
data
What is Support Vector Machine?
Example
We are given a set of people
with different
• Height
What is Support Vector Machine?
Example
We are given a set of people
with different
• Height and
• Weight
What is Support Vector Machine?
Example Sample data set
Height Weight
174 65
174 88
175 75
180 65
185 80
Female
We are given a set of people
with different
• Height and
• Weight
What is Support Vector Machine?
Example Sample data set
Male
Height Weight
179 90
180 80
183 80
187 85
182 72
We are given a set of people
with different
• Height and
• Weight
What is Support Vector Machine?
Height
Weight
Let’s add a new data
point and figure out if
it’s a male or a
female?
What is Support Vector Machine?
Height
Weight
Let’s add a new data
point and figure out if
it’s a male or a
female?
A new data
point
What is Support Vector Machine?
Height
Weight
Sure.. For this task, we need to
split our data first
What is Support Vector Machine?
Height
Weight
We can split our data by
choosing any of these lines
Line 1 Line 2
What is Support Vector Machine?
Height
Weight
But to predict the gender of a
new data point we should split
the data in the best possible
way
Line 1 Line 2
What is Support Vector Machine?
Height
Weight
Then I would say, this line
best splits the data
Why do you say
it’s the best
split??
Line 1
What is Support Vector Machine?
Height
Weight
This line has the maximum
space that separates the
two classes
Why do you say
it’s the best
split??
Maximum space
Line 1
Height
Weight
What is Support Vector Machine?
While the other line
doesn’t has the maximum
space that separates the
two classes
Why do you say
it’s the best
split??
Line 1 Line 2
What is Support Vector Machine?
Height
Weight
Well yes.. This is
the best split!
That is why this
line best splits the
data
Line 1
What is Support Vector Machine?
Height
Weight
Now, Let me add some
technical terms to this
What is Support Vector Machine?
Height
Weight
We can also say that the
distance between the points
and the line should be far as
possible
Points
Line
Distance
margin
What is Support Vector Machine?
Height
Weight
In technical terms we can say,
the distance between the
support vector and the
hyperplane should be far as
possible
Support
vectors
Hyperplane
What is Support Vector Machine?
Height
Weight
Where support vectors are the
extreme points in the datasets
Support
vectors
Hyperplane
What is Support Vector Machine?
Height
Weight
And a hyperplane has the
maximum distance to the
support vectors of any class
Support
vectors
Hyperplane
What is Support Vector Machine?
Height
Weight
Here, D+ is the shortest
distance to the closest positive
point
D+
Hyperplane
What is Support Vector Machine?
Height
Weight
And D- is the shortest distance
to the closest negative point
D+
Hyperplane
D-
What is Support Vector Machine?
Height
Weight
Sum of D+ and D- is called
the distance margin
D+
D-
Distance
Margin
What is Support Vector Machine?
Height
Weight
From the distance margin, we
get an optimal hyperplane
D+
D-
Distance
Margin
What is Support Vector Machine?
Height
Weight
Based on the hyperplane,
we can say the new data point
belongs to male gender
D+
D-
Distance
Margin
What is Support Vector Machine?
Height
Weight
Based on the distance margin,
we can say the new data point
belongs to male gender
D+
D-
Distance
Margin
That was so clear!
What is Support Vector Machine?
Height
Weight
D+
D-
Distance
Margin
But what happens if a
hyperplane is not
optimal?
What is Support Vector Machine?
Height
Weight
If we select a hyperplane having low
margin then there is high chance of
misclassification
D+
D-
Distance
Margin
But what happens if a
hyperplane is not
optimal?
What is Support Vector Machine?
Height
Weight
What we discussed so far, is also
called as LSVM
D+
D-
Distance
Margin
But what happens if a
hyperplane is not
optimal?
Understanding Support Vector Machine
Well, so far it is clear
Understanding Support Vector Machine
I have one question to ask
!
Understanding Support Vector Machine
What if my data was not
like this
LinearSample Dataset
Understanding Support Vector Machine
Sample DatasetLinearSample Dataset
But like this?
Understanding Support Vector Machine
Transformation
Here, we cannot use a
hyperplane
Understanding Support Vector Machine
Transformation
So, it’s necessary to move
away from a 1-D view of
the data to a 2-D view
Understanding Support Vector Machine
Transformation
OutputKernelInput
For the transformation, we
use a Kernel Function
Understanding Support Vector Machine
Transformation
OutputKernelInput
1-D
Which will take the 1-D
input and transfer it to 2-D
Output
2-D
Understanding Support Vector Machine
Transformation
1-D
2-D
y=𝒙 𝟐
Hyperplane
Now, we got the result !!
Understanding Support Vector Machine
How to perform SVM
for this type of dataset? Sample Dataset
Understanding Support Vector Machine
Not an optimal hyperplaneSample Dataset
Segregate the
two classes
Understanding Support Vector Machine
Kernel
2-D 3-D
Transform
Advantages of Support Vector Machine
High dimensional
input space
Sparse document
vectors
Regularization
parameter
SVM
Use case – Problem Statement
Dad, is that a group of
Crocodiles or Alligators?
Well that’s hard to
differentiate
ZOO
Exit
Use case – Problem Statement
Dad, is that a group of
Crocodiles or
Alligators?
Well that’s hard to
differentiate
Difference
• Crocodiles are
larger in size
• Crocodiles have
narrow snout
• Alligators are smaller
in size
• Alligators have wider
snout
Size
Snout
Width
Use case – Problem Statement
Dad, is that a group of
Crocodiles or Alligators?
Let Support Vector
Machine segregate the two
groups
Use case - Implementation
import numpy as np
import matplotlib.pyplot as plt
from sklearn import svm
from sklearn.datasets.samples_generator import make_blobs
# we create 40 separable points
X, y = make_blobs(n_samples=40, centers=2, random_state=20)
# fit the model, don't regularize for illustration purposes
clf = svm.SVC(kernel='linear', C=1000)
clf.fit(X, y)
plt.scatter(X[:, 0], X[:, 1], c=y, s=30, cmap=plt.cm.Paired)
Use case - Implementation
# output
Width of the snout
Size of the
body
Use case - Implementation
# fit the model, don't regularize for illustration purposes
clf = svm.SVC(kernel='linear', C=1000)
clf.fit(X, y)
plt.scatter(X[:, 0], X[:, 1], c=y, s=30,cmap=plt.cm.Paired)
plt.show
# plot the decision function
ax = plt.gca()
xlim = ax.get_xlim()
ylim = ax.get_ylim()
# create grid to evaluate model
xx = np.linspace(xlim[0], xlim[1], 30)
yy = np.linspace(ylim[0], ylim[1], 30)
YY, XX = np.meshgrid(yy, xx)
xy = np.vstack([XX.ravel(), YY.ravel()]).T
Z = clf.decision_function(xy).reshape(XX.shape)
Use case - Implementation
# plot decision boundary and margins
ax.contour(XX, YY, Z, colors='k', levels=[-1, 0, 1], alpha=0.5,
linestyles=['--', '-', '--'])
# plot support vectors
ax.scatter(clf.support_vectors_[:, 0], clf.support_vectors_[:, 1],
s=100,
linewidth=1, facecolors='none')
plt.show()
Use case - Implementation
# output
Width of the snout
Size of the
body
Use case - Implementation
# output
Width of the snout
Size of the
body
Conclusion
Congratulations!
We have demonstrated
Support vector machine by
segregating the two classes
Where the blue data points
represents crocodiles and the
brown data points represents
alligators
The hands on example will help
you to encounter any Support
Vector Machine project in future.
Key Takeaways
Support Vector Machine: Applications, Understanding and Use Cases

More Related Content

What's hot

Classification and Regression
Classification and RegressionClassification and Regression
Classification and RegressionMegha Sharma
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
Feature Extraction
Feature ExtractionFeature Extraction
Feature Extractionskylian
 
Ensemble learning
Ensemble learningEnsemble learning
Ensemble learningHaris Jamil
 
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Simplilearn
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Simplilearn
 
Introduction to Machine Learning Classifiers
Introduction to Machine Learning ClassifiersIntroduction to Machine Learning Classifiers
Introduction to Machine Learning ClassifiersFunctional Imperative
 
Support vector machine
Support vector machineSupport vector machine
Support vector machineMusa Hawamdah
 
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...Simplilearn
 
Deep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter TuningDeep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter TuningShubhmay Potdar
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machinesnextlib
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learningbutest
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...Simplilearn
 
Support vector machines (svm)
Support vector machines (svm)Support vector machines (svm)
Support vector machines (svm)Sharayu Patil
 
Support vector machine
Support vector machineSupport vector machine
Support vector machineSomnathMore3
 
Support Vector Machines for Classification
Support Vector Machines for ClassificationSupport Vector Machines for Classification
Support Vector Machines for ClassificationPrakash Pimpale
 
Machine Learning
Machine LearningMachine Learning
Machine LearningShrey Malik
 

What's hot (20)

Classification and Regression
Classification and RegressionClassification and Regression
Classification and Regression
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Support vector machine-SVM's
Support vector machine-SVM'sSupport vector machine-SVM's
Support vector machine-SVM's
 
Feature Extraction
Feature ExtractionFeature Extraction
Feature Extraction
 
Ensemble learning
Ensemble learningEnsemble learning
Ensemble learning
 
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
 
Regularization
RegularizationRegularization
Regularization
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
 
Introduction to Machine Learning Classifiers
Introduction to Machine Learning ClassifiersIntroduction to Machine Learning Classifiers
Introduction to Machine Learning Classifiers
 
Support vector machine
Support vector machineSupport vector machine
Support vector machine
 
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
 
Deep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter TuningDeep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter Tuning
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines
 
Support Vector machine
Support Vector machineSupport Vector machine
Support Vector machine
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learning
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
Support vector machines (svm)
Support vector machines (svm)Support vector machines (svm)
Support vector machines (svm)
 
Support vector machine
Support vector machineSupport vector machine
Support vector machine
 
Support Vector Machines for Classification
Support Vector Machines for ClassificationSupport Vector Machines for Classification
Support Vector Machines for Classification
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 

Similar to Support Vector Machine: Applications, Understanding and Use Cases

Support Vector Machines USING MACHINE LEARNING HOW IT WORKS
Support Vector Machines USING MACHINE LEARNING HOW IT WORKSSupport Vector Machines USING MACHINE LEARNING HOW IT WORKS
Support Vector Machines USING MACHINE LEARNING HOW IT WORKSrajalakshmi5921
 
sentiment analysis using support vector machine
sentiment analysis using support vector machinesentiment analysis using support vector machine
sentiment analysis using support vector machineShital Andhale
 
Lec_XX_Support Vector Machine Algorithm.pptx
Lec_XX_Support Vector Machine Algorithm.pptxLec_XX_Support Vector Machine Algorithm.pptx
Lec_XX_Support Vector Machine Algorithm.pptxpiwig56192
 
Understanding computer vision with Deep Learning
Understanding computer vision with Deep LearningUnderstanding computer vision with Deep Learning
Understanding computer vision with Deep LearningCloudxLab
 
Understanding computer vision with Deep Learning
Understanding computer vision with Deep LearningUnderstanding computer vision with Deep Learning
Understanding computer vision with Deep Learningknowbigdata
 
Understanding computer vision with Deep Learning
Understanding computer vision with Deep LearningUnderstanding computer vision with Deep Learning
Understanding computer vision with Deep LearningShubhWadekar
 
Feature extraction for classifying students based on theirac ademic performance
Feature extraction for classifying students based on theirac ademic performanceFeature extraction for classifying students based on theirac ademic performance
Feature extraction for classifying students based on theirac ademic performanceVenkat Projects
 
Fast Distributed Online Classification
Fast Distributed Online ClassificationFast Distributed Online Classification
Fast Distributed Online ClassificationPrasad Chalasani
 
Datamining & warehouse
Datamining & warehouseDatamining & warehouse
Datamining & warehousenibiganesh
 
Computational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding RegionsComputational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding Regionsbutest
 
2020 04 10 Catch IT - Getting started with ML.Net
2020 04 10 Catch IT - Getting started with ML.Net2020 04 10 Catch IT - Getting started with ML.Net
2020 04 10 Catch IT - Getting started with ML.NetBruno Capuano
 
Machine learning - session 5
Machine learning - session 5Machine learning - session 5
Machine learning - session 5Luis Borbon
 
Machine learning, biomarker accuracy and best practices
Machine learning, biomarker accuracy and best practicesMachine learning, biomarker accuracy and best practices
Machine learning, biomarker accuracy and best practicesPradeep Redddy Raamana
 
Machine learning and_nlp
Machine learning and_nlpMachine learning and_nlp
Machine learning and_nlpankit_ppt
 
2020 01 21 Data Platform Geeks - Machine Learning.Net
2020 01 21 Data Platform Geeks - Machine Learning.Net2020 01 21 Data Platform Geeks - Machine Learning.Net
2020 01 21 Data Platform Geeks - Machine Learning.NetBruno Capuano
 
Data Science and Machine Learning Using Python and Scikit-learn
Data Science and Machine Learning Using Python and Scikit-learnData Science and Machine Learning Using Python and Scikit-learn
Data Science and Machine Learning Using Python and Scikit-learnAsim Jalis
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector MachinesCloudxLab
 
B4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningB4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningHoa Le
 

Similar to Support Vector Machine: Applications, Understanding and Use Cases (20)

Support Vector Machines USING MACHINE LEARNING HOW IT WORKS
Support Vector Machines USING MACHINE LEARNING HOW IT WORKSSupport Vector Machines USING MACHINE LEARNING HOW IT WORKS
Support Vector Machines USING MACHINE LEARNING HOW IT WORKS
 
svm.pptx
svm.pptxsvm.pptx
svm.pptx
 
sentiment analysis using support vector machine
sentiment analysis using support vector machinesentiment analysis using support vector machine
sentiment analysis using support vector machine
 
Fast Distributed Online Classification
Fast Distributed Online Classification Fast Distributed Online Classification
Fast Distributed Online Classification
 
Lec_XX_Support Vector Machine Algorithm.pptx
Lec_XX_Support Vector Machine Algorithm.pptxLec_XX_Support Vector Machine Algorithm.pptx
Lec_XX_Support Vector Machine Algorithm.pptx
 
Understanding computer vision with Deep Learning
Understanding computer vision with Deep LearningUnderstanding computer vision with Deep Learning
Understanding computer vision with Deep Learning
 
Understanding computer vision with Deep Learning
Understanding computer vision with Deep LearningUnderstanding computer vision with Deep Learning
Understanding computer vision with Deep Learning
 
Understanding computer vision with Deep Learning
Understanding computer vision with Deep LearningUnderstanding computer vision with Deep Learning
Understanding computer vision with Deep Learning
 
Feature extraction for classifying students based on theirac ademic performance
Feature extraction for classifying students based on theirac ademic performanceFeature extraction for classifying students based on theirac ademic performance
Feature extraction for classifying students based on theirac ademic performance
 
Fast Distributed Online Classification
Fast Distributed Online ClassificationFast Distributed Online Classification
Fast Distributed Online Classification
 
Datamining & warehouse
Datamining & warehouseDatamining & warehouse
Datamining & warehouse
 
Computational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding RegionsComputational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding Regions
 
2020 04 10 Catch IT - Getting started with ML.Net
2020 04 10 Catch IT - Getting started with ML.Net2020 04 10 Catch IT - Getting started with ML.Net
2020 04 10 Catch IT - Getting started with ML.Net
 
Machine learning - session 5
Machine learning - session 5Machine learning - session 5
Machine learning - session 5
 
Machine learning, biomarker accuracy and best practices
Machine learning, biomarker accuracy and best practicesMachine learning, biomarker accuracy and best practices
Machine learning, biomarker accuracy and best practices
 
Machine learning and_nlp
Machine learning and_nlpMachine learning and_nlp
Machine learning and_nlp
 
2020 01 21 Data Platform Geeks - Machine Learning.Net
2020 01 21 Data Platform Geeks - Machine Learning.Net2020 01 21 Data Platform Geeks - Machine Learning.Net
2020 01 21 Data Platform Geeks - Machine Learning.Net
 
Data Science and Machine Learning Using Python and Scikit-learn
Data Science and Machine Learning Using Python and Scikit-learnData Science and Machine Learning Using Python and Scikit-learn
Data Science and Machine Learning Using Python and Scikit-learn
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines
 
B4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningB4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearning
 

More from Simplilearn

ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in CybersecuritySimplilearn
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptxSimplilearn
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023 Simplilearn
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Simplilearn
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Simplilearn
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...Simplilearn
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Simplilearn
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...Simplilearn
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Simplilearn
 
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...Simplilearn
 
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Simplilearn
 
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Simplilearn
 
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Simplilearn
 
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...Simplilearn
 
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...Simplilearn
 
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...Simplilearn
 
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...Simplilearn
 
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...Simplilearn
 
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...Simplilearn
 
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...Simplilearn
 

More from Simplilearn (20)

ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in Cybersecurity
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptx
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
 
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
 
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
 
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
 
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
 
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
 
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
 
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
 
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
 
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
 
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
 
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
 

Recently uploaded

Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityGeoBlogs
 
URLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppURLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppCeline George
 
Employee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxEmployee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxNirmalaLoungPoorunde1
 
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...EduSkills OECD
 
Accessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactAccessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactdawncurless
 
Class 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdfClass 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdfakmcokerachita
 
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...M56BOOKSTORE PRODUCT/SERVICE
 
MENTAL STATUS EXAMINATION format.docx
MENTAL     STATUS EXAMINATION format.docxMENTAL     STATUS EXAMINATION format.docx
MENTAL STATUS EXAMINATION format.docxPoojaSen20
 
Alper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentAlper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentInMediaRes1
 
The basics of sentences session 2pptx copy.pptx
The basics of sentences session 2pptx copy.pptxThe basics of sentences session 2pptx copy.pptx
The basics of sentences session 2pptx copy.pptxheathfieldcps1
 
CARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxCARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxGaneshChakor2
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptxVS Mahajan Coaching Centre
 
How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxmanuelaromero2013
 
Presiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsPresiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsanshu789521
 
Sanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfSanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfsanyamsingh5019
 
Introduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxIntroduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxpboyjonauth
 

Recently uploaded (20)

Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activity
 
URLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppURLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website App
 
TataKelola dan KamSiber Kecerdasan Buatan v022.pdf
TataKelola dan KamSiber Kecerdasan Buatan v022.pdfTataKelola dan KamSiber Kecerdasan Buatan v022.pdf
TataKelola dan KamSiber Kecerdasan Buatan v022.pdf
 
Employee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxEmployee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptx
 
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
 
Accessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactAccessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impact
 
Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝
Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝
Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝
 
Class 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdfClass 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdf
 
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
 
MENTAL STATUS EXAMINATION format.docx
MENTAL     STATUS EXAMINATION format.docxMENTAL     STATUS EXAMINATION format.docx
MENTAL STATUS EXAMINATION format.docx
 
Alper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentAlper Gobel In Media Res Media Component
Alper Gobel In Media Res Media Component
 
The basics of sentences session 2pptx copy.pptx
The basics of sentences session 2pptx copy.pptxThe basics of sentences session 2pptx copy.pptx
The basics of sentences session 2pptx copy.pptx
 
Staff of Color (SOC) Retention Efforts DDSD
Staff of Color (SOC) Retention Efforts DDSDStaff of Color (SOC) Retention Efforts DDSD
Staff of Color (SOC) Retention Efforts DDSD
 
CARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxCARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptx
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
 
How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptx
 
Presiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsPresiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha elections
 
Sanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfSanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdf
 
Introduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxIntroduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptx
 

Support Vector Machine: Applications, Understanding and Use Cases

  • 1.
  • 2. Applications of Support Vector Machine Face detection Classification of imagesText and hypertext categorization Bioinformatics
  • 4. Agenda Why Support Vector Machine? What is Machine learning?
  • 5. Agenda SVM ?Why Support Vector Machine? What is Support Vector Machine? What is Machine learning?
  • 6. Agenda SVM Why Support Vector Machine? What is Support Vector Machine? Understanding Support Vector Machine What is Machine learning?
  • 7. Agenda Tested Tested Tested A B C Why Support Vector Machine? What is Support Vector Machine? Understanding Support Vector Machine Advantages of Support Vector Machine What is Machine learning?
  • 8. Agenda Why Support Vector Machine? What is Support Vector Machine? Understanding Support Vector Machine Advantages of Support Vector Machine What is Machine learning? Use Case in Python
  • 9. What is Machine learning? Machine Learning Supervised Learning Unsupervised Learning Reinforcement Learning
  • 10. What is Machine learning? strawberry Model is trained Teach the model Got it! Machine learning model learns from the past input data and makes future prediction as output Supervised Learning
  • 11. What is Machine learning? Machine Learning Supervised Learning Unsupervised Learning Reinforcement Learning Classification Regression } Support Vector Machine
  • 12. Why Support Vector Machine? Fruit Shop ? Last week, my son and I visited a fruit shop
  • 13. Why Support Vector Machine? Fruit Shop ? ? Dad, is that an apple or a strawberry? There he found a fruit which was similar to both
  • 14. Why Support Vector Machine? Fruit Shop ? After a couple of seconds, he could figure out that it was a strawberry It is a strawberry!
  • 15. </>… Why Support Vector Machine? Model Training PredictionPast Labeled Data ? New Data Output Why not build a model which can predict an unknown data?? It’s a strawberry
  • 16. </>… Why Support Vector Machine? Model Training PredictionPast Labeled Data ? New Data Output This is Support Vector Machine It’s a strawberry
  • 17. </>… Why Support Vector Machine? Model Training PredictionPast Labeled Data ? New Data Output SVM is a supervised learning method that looks at data and sorts it into one of the two categories It’s a strawberry
  • 18. </>… Why Support Vector Machine? Model Training PredictionPast Labeled Data ? New Data Output But how does prediction work? It’s a strawberry
  • 19. Why Support Vector Machine? </>… Model Training Prediction Past Labeled Data ? New Data Output It’s a strawberry Predicting the unknown SVM New data of fruit (Unlabeled Sample) Support Vector Machine Output Labeled sample data Decision boundary Plotting the new data
  • 20. What is Support Vector Machine? Example We are given a set of people with different • Height
  • 21. What is Support Vector Machine? Example We are given a set of people with different • Height and • Weight
  • 22. What is Support Vector Machine? Example Sample data set Height Weight 174 65 174 88 175 75 180 65 185 80 Female We are given a set of people with different • Height and • Weight
  • 23. What is Support Vector Machine? Example Sample data set Male Height Weight 179 90 180 80 183 80 187 85 182 72 We are given a set of people with different • Height and • Weight
  • 24. What is Support Vector Machine? Height Weight Let’s add a new data point and figure out if it’s a male or a female?
  • 25. What is Support Vector Machine? Height Weight Let’s add a new data point and figure out if it’s a male or a female? A new data point
  • 26. What is Support Vector Machine? Height Weight Sure.. For this task, we need to split our data first
  • 27. What is Support Vector Machine? Height Weight We can split our data by choosing any of these lines Line 1 Line 2
  • 28. What is Support Vector Machine? Height Weight But to predict the gender of a new data point we should split the data in the best possible way Line 1 Line 2
  • 29. What is Support Vector Machine? Height Weight Then I would say, this line best splits the data Why do you say it’s the best split?? Line 1
  • 30. What is Support Vector Machine? Height Weight This line has the maximum space that separates the two classes Why do you say it’s the best split?? Maximum space Line 1
  • 31. Height Weight What is Support Vector Machine? While the other line doesn’t has the maximum space that separates the two classes Why do you say it’s the best split?? Line 1 Line 2
  • 32. What is Support Vector Machine? Height Weight Well yes.. This is the best split! That is why this line best splits the data Line 1
  • 33. What is Support Vector Machine? Height Weight Now, Let me add some technical terms to this
  • 34. What is Support Vector Machine? Height Weight We can also say that the distance between the points and the line should be far as possible Points Line Distance margin
  • 35. What is Support Vector Machine? Height Weight In technical terms we can say, the distance between the support vector and the hyperplane should be far as possible Support vectors Hyperplane
  • 36. What is Support Vector Machine? Height Weight Where support vectors are the extreme points in the datasets Support vectors Hyperplane
  • 37. What is Support Vector Machine? Height Weight And a hyperplane has the maximum distance to the support vectors of any class Support vectors Hyperplane
  • 38. What is Support Vector Machine? Height Weight Here, D+ is the shortest distance to the closest positive point D+ Hyperplane
  • 39. What is Support Vector Machine? Height Weight And D- is the shortest distance to the closest negative point D+ Hyperplane D-
  • 40. What is Support Vector Machine? Height Weight Sum of D+ and D- is called the distance margin D+ D- Distance Margin
  • 41. What is Support Vector Machine? Height Weight From the distance margin, we get an optimal hyperplane D+ D- Distance Margin
  • 42. What is Support Vector Machine? Height Weight Based on the hyperplane, we can say the new data point belongs to male gender D+ D- Distance Margin
  • 43. What is Support Vector Machine? Height Weight Based on the distance margin, we can say the new data point belongs to male gender D+ D- Distance Margin That was so clear!
  • 44. What is Support Vector Machine? Height Weight D+ D- Distance Margin But what happens if a hyperplane is not optimal?
  • 45. What is Support Vector Machine? Height Weight If we select a hyperplane having low margin then there is high chance of misclassification D+ D- Distance Margin But what happens if a hyperplane is not optimal?
  • 46. What is Support Vector Machine? Height Weight What we discussed so far, is also called as LSVM D+ D- Distance Margin But what happens if a hyperplane is not optimal?
  • 47. Understanding Support Vector Machine Well, so far it is clear
  • 48. Understanding Support Vector Machine I have one question to ask !
  • 49. Understanding Support Vector Machine What if my data was not like this LinearSample Dataset
  • 50. Understanding Support Vector Machine Sample DatasetLinearSample Dataset But like this?
  • 51. Understanding Support Vector Machine Transformation Here, we cannot use a hyperplane
  • 52. Understanding Support Vector Machine Transformation So, it’s necessary to move away from a 1-D view of the data to a 2-D view
  • 53. Understanding Support Vector Machine Transformation OutputKernelInput For the transformation, we use a Kernel Function
  • 54. Understanding Support Vector Machine Transformation OutputKernelInput 1-D Which will take the 1-D input and transfer it to 2-D Output 2-D
  • 55. Understanding Support Vector Machine Transformation 1-D 2-D y=𝒙 𝟐 Hyperplane Now, we got the result !!
  • 56. Understanding Support Vector Machine How to perform SVM for this type of dataset? Sample Dataset
  • 57. Understanding Support Vector Machine Not an optimal hyperplaneSample Dataset Segregate the two classes
  • 58. Understanding Support Vector Machine Kernel 2-D 3-D Transform
  • 59. Advantages of Support Vector Machine High dimensional input space Sparse document vectors Regularization parameter SVM
  • 60. Use case – Problem Statement Dad, is that a group of Crocodiles or Alligators? Well that’s hard to differentiate ZOO Exit
  • 61. Use case – Problem Statement Dad, is that a group of Crocodiles or Alligators? Well that’s hard to differentiate Difference • Crocodiles are larger in size • Crocodiles have narrow snout • Alligators are smaller in size • Alligators have wider snout Size Snout Width
  • 62. Use case – Problem Statement Dad, is that a group of Crocodiles or Alligators? Let Support Vector Machine segregate the two groups
  • 63. Use case - Implementation import numpy as np import matplotlib.pyplot as plt from sklearn import svm from sklearn.datasets.samples_generator import make_blobs # we create 40 separable points X, y = make_blobs(n_samples=40, centers=2, random_state=20) # fit the model, don't regularize for illustration purposes clf = svm.SVC(kernel='linear', C=1000) clf.fit(X, y) plt.scatter(X[:, 0], X[:, 1], c=y, s=30, cmap=plt.cm.Paired)
  • 64. Use case - Implementation # output Width of the snout Size of the body
  • 65. Use case - Implementation # fit the model, don't regularize for illustration purposes clf = svm.SVC(kernel='linear', C=1000) clf.fit(X, y) plt.scatter(X[:, 0], X[:, 1], c=y, s=30,cmap=plt.cm.Paired) plt.show # plot the decision function ax = plt.gca() xlim = ax.get_xlim() ylim = ax.get_ylim() # create grid to evaluate model xx = np.linspace(xlim[0], xlim[1], 30) yy = np.linspace(ylim[0], ylim[1], 30) YY, XX = np.meshgrid(yy, xx) xy = np.vstack([XX.ravel(), YY.ravel()]).T Z = clf.decision_function(xy).reshape(XX.shape)
  • 66. Use case - Implementation # plot decision boundary and margins ax.contour(XX, YY, Z, colors='k', levels=[-1, 0, 1], alpha=0.5, linestyles=['--', '-', '--']) # plot support vectors ax.scatter(clf.support_vectors_[:, 0], clf.support_vectors_[:, 1], s=100, linewidth=1, facecolors='none') plt.show()
  • 67. Use case - Implementation # output Width of the snout Size of the body
  • 68. Use case - Implementation # output Width of the snout Size of the body Conclusion Congratulations! We have demonstrated Support vector machine by segregating the two classes Where the blue data points represents crocodiles and the brown data points represents alligators The hands on example will help you to encounter any Support Vector Machine project in future.

Editor's Notes

  1. Style - 01
  2. Style - 01
  3. Style - 01
  4. Style - 01
  5. Style - 01
  6. Style - 01
  7. Style - 01
  8. Style - 01
  9. Style - 01
  10. Style - 01
  11. Style - 01
  12. Style - 01
  13. Style - 01
  14. Style - 01
  15. Style - 01
  16. Style - 01
  17. Style - 01
  18. Style - 01
  19. Style - 01
  20. Style - 01
  21. Style - 01
  22. Style - 01
  23. Style - 01
  24. Style - 01
  25. Style - 01
  26. Style - 01
  27. Style - 01
  28. Style - 01
  29. Style - 01
  30. Style - 01
  31. Style - 01
  32. Style - 01
  33. Style - 01
  34. Style - 01
  35. Style - 01
  36. Style - 01
  37. Style - 01
  38. Style - 01
  39. Style - 01
  40. Style - 01
  41. Style - 01
  42. Style - 01
  43. Style - 01
  44. Style - 01
  45. Style - 01
  46. Style - 01
  47. Style - 01
  48. Style - 01
  49. Style - 01
  50. Style - 01
  51. Style - 01
  52. Style - 01
  53. Style - 01
  54. Style - 01
  55. Style - 01
  56. Style - 01
  57. Style - 01
  58. Style - 01
  59. Style - 01
  60. Style - 01
  61. Style - 01
  62. Style - 01
  63. Style - 01
  64. Style - 01
  65. Style - 01
  66. Style - 01
  67. Style - 01
  68. Style - 01