SlideShare a Scribd company logo
SUPPORT VECTOR MACHINE
1. INTRODUCTION
2. LINEARLY SEPERABLE CASE
3. EXTENSION TO THE SVM MODEL
4. APPLICATION OF SVM IN REAL WORLD
SUPPORT VECTOR MACHINE
• It is a supervised machine learning algorithm
that helps in both classification and regression
problem statements.It finds an optimal boundary
known as hyperplane between different classes.
• It is a vector-space-based machine-learning
method where the goal is to find a decision
boundary between two classes that is maximally
far from any point in the training data (possibly
discounting some points as outliers or noise).
LINEARLY SEPARABLE CASE
• If the training data is linearly separable, we can
select two parallel hyperplanes that separate
the two classes of data, so that the distance
between them is as large as possible.
• The region bounded by these two hyperplanes
is called the "margin", and the maximum-
margin hyperplane is the hyperplane that lies
halfway between them.
• With a normalized or standardized dataset, these
hyperplanes can be described by the equations:-
Case 1:- w ^T x -b=1 (anything on or above this
boundary is of one class, with label 1)
And
 Case 2:- w^T x -b=-1 (anything on or below this
boundary is of the other class, with label −1).
• The distance between these two hyperplanes
is 2|w|,so to maximize the distance between
the planes we want to minimize|w|.
• The distance is computed using the distance from a
point to a plane equation. We also have to prevent
data points from falling into the margin, we add the
following constraint: for each i either
w^Tx_i-b>= 1}, if y_i =1,
or
w^Tx_i-b<=-1}, if y_i=-1.
• These constraints state that each data point must lie
on the correct side of the margin. This can be
rewritten as:-
Y_i(w^Tx_i-b)>=1, for all 1<=i<=n.
• We can put this together to get the optimization
problem:
"Minimize |w| subject to y_i (w ^Tx _i-b) >=1 for
i=1,……..,n.”
• The w and b that solve this problem determine
our classifier,x→sgn (w ^Tx -b) where sgn(.) is
the sign function.
• An important consequence of this geometric
description is that the max-margin hyperplane is
completely determined by those ͢ x_i that lie
nearest to it. These x _i are called support
vectors.
EXTENSION TO THE SVM MODEL
 SOFT MARGIN CLASSIFICATION
MULTICLASS SUPPORT VECTOR MACHINE
NONLINEAR SUPPORT VECTOR MACHINE
SOFT MARGIN CLASSIFICATION
An additional set of coefficients are
introduced that give the margin wiggle room
in each dimension. These coefficients are
called slack variables.
 This increases the complexity of the model as
there are more parameters for the model to fit
to the data to provide this complexity.
A tuning parameter is introduced called simply
C that defines the magnitude of the wiggle
allowed across all dimensions.
Real data is messy and connot be separated
perfectly with a hyperplane.
 The constrains of maximizing the margin of the
line that separates the classes must be relaxed.
This is called as the soft margin classifier.
 This change allows some points in the training
data to violate the separating line.
The C parameters defines the amount of violation
of the margin allowed. A C=0 is no violation and
we are back to the inflexible Maximal-Margin
Classifier .
The larger the value of C the more violations of
the hyperplane are permitted.
During the learning of the hyperplane from data,
all training instances that lie within the distance
of the margin will affect the placement of the
hyperplane and are referred to as support
vectors.
C affects the number of instances that are
allowed to fall within the margin. C influences
the number of support vectors used by the
model.
• The smaller the value of C, the more sensitive the algorithm
is to the training data (higher variance and lower bias).
• The larger the value of C, the less sensitive the algorithm is
to the training data (lower variance and higher bias
MULTICLASS SUPPORT VECTOR
MACHINE
• SVM doesn’t support multiclass classification
natively. It supports binary classification and
separating data points into two classes.
• For multiclass classification, the same
principle is utilized after breaking down the
multi classification problem into multiple
binary classification problems.
• The popular methods which are used to
perform multi-classification on the problem
statements using SVM are as follows:
• One vs One (OVO) approach
• One vs All (OVA) approach
• Directed Acyclic Graph (DAG) approach
One vs One (OVO)
• This technique breaks down our multiclass
classification problem into subproblems which are
binary classification problems. So, after this strategy,
we get binary classifiers per each pair of classes. For
final prediction for any input use the concept
of majority voting along with the distance from the
margin as its confidence criterion.
• The major problem with this approach is that we
have to train too many SVMs.
• In the One-to-One approach, we try to find the
hyperplane that separates between every two
classes, neglecting the points of the third class
• For example, here Red-Blue line tries to
maximize the separation only between blue
and red points while It has nothing to do with
the green points.
One vs All (OVA)
• In this technique to predict the output for new
input, just predict with each of the build SVMs
and then find which one puts the prediction the
farthest into the positive region (behaves as a
confidence criterion for a particular SVM).
• In the One vs All approach, we try to find a
hyperplane to separate the classes. This means
the separation takes all points into account and
then divides them into two groups in which there
is a group for the one class points and the other
group for all other points.
• For example, here the Greenline tries to
maximize the gap between green points and
all other points at once.
• A single SVM does binary classification and
can differentiate between two classes. So
according to the two above approaches, to
classify the data points from L classes data set.
• In the One vs All approach, the classifier can
use L SVMs.
• In the One vs One approach, the classifier can
use L(L-1)/2 SVMs.
Directed Acyclic Graph (DAG)
• This approach is more hierarchical in nature
and it tries to addresses the problems of the
One vs One and One vs All approach.
• This is a graphical approach in which we
group the classes based on some logical
grouping.
NONLINEAR SUPPORT VECTOR
MACHINE
• When we cannot separate data with a straight
line we use Non – Linear SVM.
• for which, we have Kernel functions. They
transform non-linear spaces into linear spaces.
• It transforms data into another dimension so that
the data can be classified.
• It transforms two variables x and y into three
variables along with z. Therefore, the data have
plotted from 2-D space to 3-D space. So we can
easily classify the data by drawing the best
hyperplane between them.
KERNELS FUNCTIONS
• It is a Mathematical functions for transforming
data.
• It uses some linear algebra.
Example:
K(x, y) = <f(x), f(y)>
• Different SVM algorithms use different types
of kernel functions.
• Various kernels available are:-
1. Linear kernel
2. Non linear kernel
3. Radial basis function (RBF)
4. Sigmoid
5. Polynomial
6. Exponential
APPLICATION OF SVM IN REAL WORLD
Some common applications of SVM are-
• Face detection
• Text and hypertext categorization
• Classification of images
• Bioinformatics
• Protein fold and remote homology detection
• Handwriting recognition
• Generalized predictive control(GPC)

More Related Content

What's hot

Machine Learning using Support Vector Machine
Machine Learning using Support Vector MachineMachine Learning using Support Vector Machine
Machine Learning using Support Vector Machine
Mohsin Ul Haq
 
. An introduction to machine learning and probabilistic ...
. An introduction to machine learning and probabilistic .... An introduction to machine learning and probabilistic ...
. An introduction to machine learning and probabilistic ...butest
 
Support Vector Machines (SVM)
Support Vector Machines (SVM)Support Vector Machines (SVM)
Support Vector Machines (SVM)
FAO
 
Ensemble learning
Ensemble learningEnsemble learning
Ensemble learning
Mustafa Sherazi
 
Feed forward ,back propagation,gradient descent
Feed forward ,back propagation,gradient descentFeed forward ,back propagation,gradient descent
Feed forward ,back propagation,gradient descent
Muhammad Rasel
 
Types of Machine Learning
Types of Machine LearningTypes of Machine Learning
Types of Machine Learning
Samra Shahzadi
 
Support Vector Machines- SVM
Support Vector Machines- SVMSupport Vector Machines- SVM
Support Vector Machines- SVM
Carlo Carandang
 
Data Science - Part IX - Support Vector Machine
Data Science - Part IX -  Support Vector MachineData Science - Part IX -  Support Vector Machine
Data Science - Part IX - Support Vector Machine
Derek Kane
 
Gradient descent method
Gradient descent methodGradient descent method
Gradient descent method
Sanghyuk Chun
 
Self-organizing map
Self-organizing mapSelf-organizing map
Self-organizing map
Tarat Diloksawatdikul
 
Recurrent Neural Network
Recurrent Neural NetworkRecurrent Neural Network
Recurrent Neural Network
Mohammad Sabouri
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
Owin Will
 
Regularization in deep learning
Regularization in deep learningRegularization in deep learning
Regularization in deep learning
Kien Le
 
Support Vector machine
Support Vector machineSupport Vector machine
Support Vector machine
Anandha L Ranganathan
 
Kernels and Support Vector Machines
Kernels and Support Vector  MachinesKernels and Support Vector  Machines
Kernels and Support Vector Machines
Edgar Marca
 
Artificial Neural Networks - ANN
Artificial Neural Networks - ANNArtificial Neural Networks - ANN
Artificial Neural Networks - ANN
Mohamed Talaat
 
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
Simplilearn
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
Knoldus Inc.
 
K Nearest Neighbor Algorithm
K Nearest Neighbor AlgorithmK Nearest Neighbor Algorithm
K Nearest Neighbor Algorithm
Tharuka Vishwajith Sarathchandra
 

What's hot (20)

Machine Learning using Support Vector Machine
Machine Learning using Support Vector MachineMachine Learning using Support Vector Machine
Machine Learning using Support Vector Machine
 
. An introduction to machine learning and probabilistic ...
. An introduction to machine learning and probabilistic .... An introduction to machine learning and probabilistic ...
. An introduction to machine learning and probabilistic ...
 
Support Vector Machines (SVM)
Support Vector Machines (SVM)Support Vector Machines (SVM)
Support Vector Machines (SVM)
 
Ensemble learning
Ensemble learningEnsemble learning
Ensemble learning
 
Feed forward ,back propagation,gradient descent
Feed forward ,back propagation,gradient descentFeed forward ,back propagation,gradient descent
Feed forward ,back propagation,gradient descent
 
Types of Machine Learning
Types of Machine LearningTypes of Machine Learning
Types of Machine Learning
 
Support Vector Machines- SVM
Support Vector Machines- SVMSupport Vector Machines- SVM
Support Vector Machines- SVM
 
Data Science - Part IX - Support Vector Machine
Data Science - Part IX -  Support Vector MachineData Science - Part IX -  Support Vector Machine
Data Science - Part IX - Support Vector Machine
 
Gradient descent method
Gradient descent methodGradient descent method
Gradient descent method
 
Self-organizing map
Self-organizing mapSelf-organizing map
Self-organizing map
 
Recurrent Neural Network
Recurrent Neural NetworkRecurrent Neural Network
Recurrent Neural Network
 
Exhaustive Search
Exhaustive SearchExhaustive Search
Exhaustive Search
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
 
Regularization in deep learning
Regularization in deep learningRegularization in deep learning
Regularization in deep learning
 
Support Vector machine
Support Vector machineSupport Vector machine
Support Vector machine
 
Kernels and Support Vector Machines
Kernels and Support Vector  MachinesKernels and Support Vector  Machines
Kernels and Support Vector Machines
 
Artificial Neural Networks - ANN
Artificial Neural Networks - ANNArtificial Neural Networks - ANN
Artificial Neural Networks - ANN
 
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
K Nearest Neighbor Algorithm
K Nearest Neighbor AlgorithmK Nearest Neighbor Algorithm
K Nearest Neighbor Algorithm
 

Similar to support vector machine 1.pptx

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
rajalakshmi5921
 
Module-3_SVM_Kernel_KNN.pptx
Module-3_SVM_Kernel_KNN.pptxModule-3_SVM_Kernel_KNN.pptx
Module-3_SVM_Kernel_KNN.pptx
VaishaliBagewadikar
 
classification algorithms in machine learning.pptx
classification algorithms in machine learning.pptxclassification algorithms in machine learning.pptx
classification algorithms in machine learning.pptx
jasontseng19
 
Classification-Support Vector Machines.pptx
Classification-Support Vector Machines.pptxClassification-Support Vector Machines.pptx
Classification-Support Vector Machines.pptx
Ciceer Ghimirey
 
svm.pptx
svm.pptxsvm.pptx
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentation
AyanaRukasar
 
Introduction to Machine Learning Elective Course
Introduction to Machine Learning Elective CourseIntroduction to Machine Learning Elective Course
Introduction to Machine Learning Elective Course
MayuraD1
 
Support Vector Machine topic of machine learning.pptx
Support Vector Machine topic of machine learning.pptxSupport Vector Machine topic of machine learning.pptx
Support Vector Machine topic of machine learning.pptx
CodingChamp1
 
Introduction to Support Vector Machines
Introduction to Support Vector MachinesIntroduction to Support Vector Machines
Introduction to Support Vector Machines
Silicon Mentor
 
Ai saturdays presentation
Ai saturdays presentationAi saturdays presentation
Ai saturdays presentation
Gurram Poorna Prudhvi
 
sentiment analysis using support vector machine
sentiment analysis using support vector machinesentiment analysis using support vector machine
sentiment analysis using support vector machine
Shital Andhale
 
ML Softmax JP 24.pptx
ML Softmax JP 24.pptxML Softmax JP 24.pptx
ML Softmax JP 24.pptx
Jayesh Patil
 
Support vector machines
Support vector machinesSupport vector machines
Support vector machines
manaswinimysore
 
OM-DS-Fall2022-Session10-Support vector machine.pdf
OM-DS-Fall2022-Session10-Support vector machine.pdfOM-DS-Fall2022-Session10-Support vector machine.pdf
OM-DS-Fall2022-Session10-Support vector machine.pdf
ssuserb016ab
 
Support vector machine-SVM's
Support vector machine-SVM'sSupport vector machine-SVM's
Support vector machine-SVM's
Anudeep Chowdary Kamepalli
 
SVM_notes.pdf
SVM_notes.pdfSVM_notes.pdf
SVM_notes.pdf
ShwetaGargade1
 
lec10svm.ppt
lec10svm.pptlec10svm.ppt
lec10svm.ppt
TheULTIMATEALLROUNDE
 
Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learning
AmAn Singh
 
properties, application and issues of support vector machine
properties, application and issues of support vector machineproperties, application and issues of support vector machine
properties, application and issues of support vector machine
Dr. Radhey Shyam
 
10_support_vector_machines (1).pptx
10_support_vector_machines (1).pptx10_support_vector_machines (1).pptx
10_support_vector_machines (1).pptx
shyedshahriar
 

Similar to support vector machine 1.pptx (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
 
Module-3_SVM_Kernel_KNN.pptx
Module-3_SVM_Kernel_KNN.pptxModule-3_SVM_Kernel_KNN.pptx
Module-3_SVM_Kernel_KNN.pptx
 
classification algorithms in machine learning.pptx
classification algorithms in machine learning.pptxclassification algorithms in machine learning.pptx
classification algorithms in machine learning.pptx
 
Classification-Support Vector Machines.pptx
Classification-Support Vector Machines.pptxClassification-Support Vector Machines.pptx
Classification-Support Vector Machines.pptx
 
svm.pptx
svm.pptxsvm.pptx
svm.pptx
 
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentation
 
Introduction to Machine Learning Elective Course
Introduction to Machine Learning Elective CourseIntroduction to Machine Learning Elective Course
Introduction to Machine Learning Elective Course
 
Support Vector Machine topic of machine learning.pptx
Support Vector Machine topic of machine learning.pptxSupport Vector Machine topic of machine learning.pptx
Support Vector Machine topic of machine learning.pptx
 
Introduction to Support Vector Machines
Introduction to Support Vector MachinesIntroduction to Support Vector Machines
Introduction to Support Vector Machines
 
Ai saturdays presentation
Ai saturdays presentationAi saturdays presentation
Ai saturdays presentation
 
sentiment analysis using support vector machine
sentiment analysis using support vector machinesentiment analysis using support vector machine
sentiment analysis using support vector machine
 
ML Softmax JP 24.pptx
ML Softmax JP 24.pptxML Softmax JP 24.pptx
ML Softmax JP 24.pptx
 
Support vector machines
Support vector machinesSupport vector machines
Support vector machines
 
OM-DS-Fall2022-Session10-Support vector machine.pdf
OM-DS-Fall2022-Session10-Support vector machine.pdfOM-DS-Fall2022-Session10-Support vector machine.pdf
OM-DS-Fall2022-Session10-Support vector machine.pdf
 
Support vector machine-SVM's
Support vector machine-SVM'sSupport vector machine-SVM's
Support vector machine-SVM's
 
SVM_notes.pdf
SVM_notes.pdfSVM_notes.pdf
SVM_notes.pdf
 
lec10svm.ppt
lec10svm.pptlec10svm.ppt
lec10svm.ppt
 
Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learning
 
properties, application and issues of support vector machine
properties, application and issues of support vector machineproperties, application and issues of support vector machine
properties, application and issues of support vector machine
 
10_support_vector_machines (1).pptx
10_support_vector_machines (1).pptx10_support_vector_machines (1).pptx
10_support_vector_machines (1).pptx
 

Recently uploaded

Home assignment II on Spectroscopy 2024 Answers.pdf
Home assignment II on Spectroscopy 2024 Answers.pdfHome assignment II on Spectroscopy 2024 Answers.pdf
Home assignment II on Spectroscopy 2024 Answers.pdf
Tamralipta Mahavidyalaya
 
MARUTI SUZUKI- A Successful Joint Venture in India.pptx
MARUTI SUZUKI- A Successful Joint Venture in India.pptxMARUTI SUZUKI- A Successful Joint Venture in India.pptx
MARUTI SUZUKI- A Successful Joint Venture in India.pptx
bennyroshan06
 
How libraries can support authors with open access requirements for UKRI fund...
How libraries can support authors with open access requirements for UKRI fund...How libraries can support authors with open access requirements for UKRI fund...
How libraries can support authors with open access requirements for UKRI fund...
Jisc
 
Sha'Carri Richardson Presentation 202345
Sha'Carri Richardson Presentation 202345Sha'Carri Richardson Presentation 202345
Sha'Carri Richardson Presentation 202345
beazzy04
 
How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17
Celine George
 
Phrasal Verbs.XXXXXXXXXXXXXXXXXXXXXXXXXX
Phrasal Verbs.XXXXXXXXXXXXXXXXXXXXXXXXXXPhrasal Verbs.XXXXXXXXXXXXXXXXXXXXXXXXXX
Phrasal Verbs.XXXXXXXXXXXXXXXXXXXXXXXXXX
MIRIAMSALINAS13
 
Fish and Chips - have they had their chips
Fish and Chips - have they had their chipsFish and Chips - have they had their chips
Fish and Chips - have they had their chips
GeoBlogs
 
ESC Beyond Borders _From EU to You_ InfoPack general.pdf
ESC Beyond Borders _From EU to You_ InfoPack general.pdfESC Beyond Borders _From EU to You_ InfoPack general.pdf
ESC Beyond Borders _From EU to You_ InfoPack general.pdf
Fundacja Rozwoju Społeczeństwa Przedsiębiorczego
 
Operation Blue Star - Saka Neela Tara
Operation Blue Star   -  Saka Neela TaraOperation Blue Star   -  Saka Neela Tara
Operation Blue Star - Saka Neela Tara
Balvir Singh
 
Overview on Edible Vaccine: Pros & Cons with Mechanism
Overview on Edible Vaccine: Pros & Cons with MechanismOverview on Edible Vaccine: Pros & Cons with Mechanism
Overview on Edible Vaccine: Pros & Cons with Mechanism
DeeptiGupta154
 
Unit 2- Research Aptitude (UGC NET Paper I).pdf
Unit 2- Research Aptitude (UGC NET Paper I).pdfUnit 2- Research Aptitude (UGC NET Paper I).pdf
Unit 2- Research Aptitude (UGC NET Paper I).pdf
Thiyagu K
 
The French Revolution Class 9 Study Material pdf free download
The French Revolution Class 9 Study Material pdf free downloadThe French Revolution Class 9 Study Material pdf free download
The French Revolution Class 9 Study Material pdf free download
Vivekanand Anglo Vedic Academy
 
The Roman Empire A Historical Colossus.pdf
The Roman Empire A Historical Colossus.pdfThe Roman Empire A Historical Colossus.pdf
The Roman Empire A Historical Colossus.pdf
kaushalkr1407
 
Palestine last event orientationfvgnh .pptx
Palestine last event orientationfvgnh .pptxPalestine last event orientationfvgnh .pptx
Palestine last event orientationfvgnh .pptx
RaedMohamed3
 
The geography of Taylor Swift - some ideas
The geography of Taylor Swift - some ideasThe geography of Taylor Swift - some ideas
The geography of Taylor Swift - some ideas
GeoBlogs
 
Unit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdfUnit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdf
Thiyagu K
 
The approach at University of Liverpool.pptx
The approach at University of Liverpool.pptxThe approach at University of Liverpool.pptx
The approach at University of Liverpool.pptx
Jisc
 
How to Create Map Views in the Odoo 17 ERP
How to Create Map Views in the Odoo 17 ERPHow to Create Map Views in the Odoo 17 ERP
How to Create Map Views in the Odoo 17 ERP
Celine George
 
TESDA TM1 REVIEWER FOR NATIONAL ASSESSMENT WRITTEN AND ORAL QUESTIONS WITH A...
TESDA TM1 REVIEWER  FOR NATIONAL ASSESSMENT WRITTEN AND ORAL QUESTIONS WITH A...TESDA TM1 REVIEWER  FOR NATIONAL ASSESSMENT WRITTEN AND ORAL QUESTIONS WITH A...
TESDA TM1 REVIEWER FOR NATIONAL ASSESSMENT WRITTEN AND ORAL QUESTIONS WITH A...
EugeneSaldivar
 
2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...
Sandy Millin
 

Recently uploaded (20)

Home assignment II on Spectroscopy 2024 Answers.pdf
Home assignment II on Spectroscopy 2024 Answers.pdfHome assignment II on Spectroscopy 2024 Answers.pdf
Home assignment II on Spectroscopy 2024 Answers.pdf
 
MARUTI SUZUKI- A Successful Joint Venture in India.pptx
MARUTI SUZUKI- A Successful Joint Venture in India.pptxMARUTI SUZUKI- A Successful Joint Venture in India.pptx
MARUTI SUZUKI- A Successful Joint Venture in India.pptx
 
How libraries can support authors with open access requirements for UKRI fund...
How libraries can support authors with open access requirements for UKRI fund...How libraries can support authors with open access requirements for UKRI fund...
How libraries can support authors with open access requirements for UKRI fund...
 
Sha'Carri Richardson Presentation 202345
Sha'Carri Richardson Presentation 202345Sha'Carri Richardson Presentation 202345
Sha'Carri Richardson Presentation 202345
 
How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17
 
Phrasal Verbs.XXXXXXXXXXXXXXXXXXXXXXXXXX
Phrasal Verbs.XXXXXXXXXXXXXXXXXXXXXXXXXXPhrasal Verbs.XXXXXXXXXXXXXXXXXXXXXXXXXX
Phrasal Verbs.XXXXXXXXXXXXXXXXXXXXXXXXXX
 
Fish and Chips - have they had their chips
Fish and Chips - have they had their chipsFish and Chips - have they had their chips
Fish and Chips - have they had their chips
 
ESC Beyond Borders _From EU to You_ InfoPack general.pdf
ESC Beyond Borders _From EU to You_ InfoPack general.pdfESC Beyond Borders _From EU to You_ InfoPack general.pdf
ESC Beyond Borders _From EU to You_ InfoPack general.pdf
 
Operation Blue Star - Saka Neela Tara
Operation Blue Star   -  Saka Neela TaraOperation Blue Star   -  Saka Neela Tara
Operation Blue Star - Saka Neela Tara
 
Overview on Edible Vaccine: Pros & Cons with Mechanism
Overview on Edible Vaccine: Pros & Cons with MechanismOverview on Edible Vaccine: Pros & Cons with Mechanism
Overview on Edible Vaccine: Pros & Cons with Mechanism
 
Unit 2- Research Aptitude (UGC NET Paper I).pdf
Unit 2- Research Aptitude (UGC NET Paper I).pdfUnit 2- Research Aptitude (UGC NET Paper I).pdf
Unit 2- Research Aptitude (UGC NET Paper I).pdf
 
The French Revolution Class 9 Study Material pdf free download
The French Revolution Class 9 Study Material pdf free downloadThe French Revolution Class 9 Study Material pdf free download
The French Revolution Class 9 Study Material pdf free download
 
The Roman Empire A Historical Colossus.pdf
The Roman Empire A Historical Colossus.pdfThe Roman Empire A Historical Colossus.pdf
The Roman Empire A Historical Colossus.pdf
 
Palestine last event orientationfvgnh .pptx
Palestine last event orientationfvgnh .pptxPalestine last event orientationfvgnh .pptx
Palestine last event orientationfvgnh .pptx
 
The geography of Taylor Swift - some ideas
The geography of Taylor Swift - some ideasThe geography of Taylor Swift - some ideas
The geography of Taylor Swift - some ideas
 
Unit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdfUnit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdf
 
The approach at University of Liverpool.pptx
The approach at University of Liverpool.pptxThe approach at University of Liverpool.pptx
The approach at University of Liverpool.pptx
 
How to Create Map Views in the Odoo 17 ERP
How to Create Map Views in the Odoo 17 ERPHow to Create Map Views in the Odoo 17 ERP
How to Create Map Views in the Odoo 17 ERP
 
TESDA TM1 REVIEWER FOR NATIONAL ASSESSMENT WRITTEN AND ORAL QUESTIONS WITH A...
TESDA TM1 REVIEWER  FOR NATIONAL ASSESSMENT WRITTEN AND ORAL QUESTIONS WITH A...TESDA TM1 REVIEWER  FOR NATIONAL ASSESSMENT WRITTEN AND ORAL QUESTIONS WITH A...
TESDA TM1 REVIEWER FOR NATIONAL ASSESSMENT WRITTEN AND ORAL QUESTIONS WITH A...
 
2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...
 

support vector machine 1.pptx

  • 1. SUPPORT VECTOR MACHINE 1. INTRODUCTION 2. LINEARLY SEPERABLE CASE 3. EXTENSION TO THE SVM MODEL 4. APPLICATION OF SVM IN REAL WORLD
  • 2. SUPPORT VECTOR MACHINE • It is a supervised machine learning algorithm that helps in both classification and regression problem statements.It finds an optimal boundary known as hyperplane between different classes. • It is a vector-space-based machine-learning method where the goal is to find a decision boundary between two classes that is maximally far from any point in the training data (possibly discounting some points as outliers or noise).
  • 3. LINEARLY SEPARABLE CASE • If the training data is linearly separable, we can select two parallel hyperplanes that separate the two classes of data, so that the distance between them is as large as possible. • The region bounded by these two hyperplanes is called the "margin", and the maximum- margin hyperplane is the hyperplane that lies halfway between them.
  • 4.
  • 5. • With a normalized or standardized dataset, these hyperplanes can be described by the equations:- Case 1:- w ^T x -b=1 (anything on or above this boundary is of one class, with label 1) And  Case 2:- w^T x -b=-1 (anything on or below this boundary is of the other class, with label −1). • The distance between these two hyperplanes is 2|w|,so to maximize the distance between the planes we want to minimize|w|.
  • 6. • The distance is computed using the distance from a point to a plane equation. We also have to prevent data points from falling into the margin, we add the following constraint: for each i either w^Tx_i-b>= 1}, if y_i =1, or w^Tx_i-b<=-1}, if y_i=-1. • These constraints state that each data point must lie on the correct side of the margin. This can be rewritten as:- Y_i(w^Tx_i-b)>=1, for all 1<=i<=n.
  • 7. • We can put this together to get the optimization problem: "Minimize |w| subject to y_i (w ^Tx _i-b) >=1 for i=1,……..,n.” • The w and b that solve this problem determine our classifier,x→sgn (w ^Tx -b) where sgn(.) is the sign function. • An important consequence of this geometric description is that the max-margin hyperplane is completely determined by those ͢ x_i that lie nearest to it. These x _i are called support vectors.
  • 8.
  • 9. EXTENSION TO THE SVM MODEL  SOFT MARGIN CLASSIFICATION MULTICLASS SUPPORT VECTOR MACHINE NONLINEAR SUPPORT VECTOR MACHINE
  • 10. SOFT MARGIN CLASSIFICATION An additional set of coefficients are introduced that give the margin wiggle room in each dimension. These coefficients are called slack variables.  This increases the complexity of the model as there are more parameters for the model to fit to the data to provide this complexity. A tuning parameter is introduced called simply C that defines the magnitude of the wiggle allowed across all dimensions.
  • 11. Real data is messy and connot be separated perfectly with a hyperplane.  The constrains of maximizing the margin of the line that separates the classes must be relaxed. This is called as the soft margin classifier.  This change allows some points in the training data to violate the separating line. The C parameters defines the amount of violation of the margin allowed. A C=0 is no violation and we are back to the inflexible Maximal-Margin Classifier . The larger the value of C the more violations of the hyperplane are permitted.
  • 12. During the learning of the hyperplane from data, all training instances that lie within the distance of the margin will affect the placement of the hyperplane and are referred to as support vectors. C affects the number of instances that are allowed to fall within the margin. C influences the number of support vectors used by the model. • The smaller the value of C, the more sensitive the algorithm is to the training data (higher variance and lower bias). • The larger the value of C, the less sensitive the algorithm is to the training data (lower variance and higher bias
  • 13. MULTICLASS SUPPORT VECTOR MACHINE • SVM doesn’t support multiclass classification natively. It supports binary classification and separating data points into two classes. • For multiclass classification, the same principle is utilized after breaking down the multi classification problem into multiple binary classification problems.
  • 14. • The popular methods which are used to perform multi-classification on the problem statements using SVM are as follows: • One vs One (OVO) approach • One vs All (OVA) approach • Directed Acyclic Graph (DAG) approach
  • 15. One vs One (OVO) • This technique breaks down our multiclass classification problem into subproblems which are binary classification problems. So, after this strategy, we get binary classifiers per each pair of classes. For final prediction for any input use the concept of majority voting along with the distance from the margin as its confidence criterion. • The major problem with this approach is that we have to train too many SVMs. • In the One-to-One approach, we try to find the hyperplane that separates between every two classes, neglecting the points of the third class
  • 16. • For example, here Red-Blue line tries to maximize the separation only between blue and red points while It has nothing to do with the green points.
  • 17. One vs All (OVA) • In this technique to predict the output for new input, just predict with each of the build SVMs and then find which one puts the prediction the farthest into the positive region (behaves as a confidence criterion for a particular SVM). • In the One vs All approach, we try to find a hyperplane to separate the classes. This means the separation takes all points into account and then divides them into two groups in which there is a group for the one class points and the other group for all other points.
  • 18. • For example, here the Greenline tries to maximize the gap between green points and all other points at once.
  • 19. • A single SVM does binary classification and can differentiate between two classes. So according to the two above approaches, to classify the data points from L classes data set. • In the One vs All approach, the classifier can use L SVMs. • In the One vs One approach, the classifier can use L(L-1)/2 SVMs.
  • 20. Directed Acyclic Graph (DAG) • This approach is more hierarchical in nature and it tries to addresses the problems of the One vs One and One vs All approach. • This is a graphical approach in which we group the classes based on some logical grouping.
  • 21. NONLINEAR SUPPORT VECTOR MACHINE • When we cannot separate data with a straight line we use Non – Linear SVM. • for which, we have Kernel functions. They transform non-linear spaces into linear spaces. • It transforms data into another dimension so that the data can be classified. • It transforms two variables x and y into three variables along with z. Therefore, the data have plotted from 2-D space to 3-D space. So we can easily classify the data by drawing the best hyperplane between them.
  • 22.
  • 23. KERNELS FUNCTIONS • It is a Mathematical functions for transforming data. • It uses some linear algebra. Example: K(x, y) = <f(x), f(y)> • Different SVM algorithms use different types of kernel functions.
  • 24. • Various kernels available are:- 1. Linear kernel 2. Non linear kernel 3. Radial basis function (RBF) 4. Sigmoid 5. Polynomial 6. Exponential
  • 25. APPLICATION OF SVM IN REAL WORLD Some common applications of SVM are- • Face detection • Text and hypertext categorization • Classification of images • Bioinformatics • Protein fold and remote homology detection • Handwriting recognition • Generalized predictive control(GPC)