Support Vector Machines

From WikiEducator
Jump to: navigation, search

Introduction

Support vector machines (SVMs) are a set of related supervised learning methods that analyze data and recognize patterns, used for classification (machine learning)|classification and regression analysis. The original SVM algorithm was invented by Vladimir_Vapnik | Vladimir Vapnik and the current standard incarnation (soft margin) was proposed by Corinna Cortes and Vladimir_Vapnik | Vladimir Vapnik[1]. The standard SVM is a non-probabilistic binary classifier|binary linear classifier, i.e. it predicts, for each given input, which of two possible classes the input is a member of. Since an SVM is a classifier, then given a set of training examples, each marked as belonging to one of two categories, an SVM training algorithm builds a model that predicts whether a new example falls into one category or the other. Intuitively, an SVM model is a representation of the examples as points in space, mapped so that the examples of the separate categories are divided by a clear gap that is as wide as possible. New examples are then mapped into that same space and predicted to belong to a category based on which side of the gap they fall on.

More formally, a support vector machine constructs a hyperplane or set of hyperplanes in a high-dimensional space|high or infinite dimensional space, which can be used for classification, regression or other tasks. Intuitively, a good separation is achieved by the hyperplane that has the largest distance to the nearest training data points of any class (so-called functional margin), since in general the larger the margin the lower the generalization error of the classifier.

Whereas the original problem may be stated in a finite dimensional space, it often happens that in that space the sets to be discriminated are not linearly separable. For this reason it was proposed that the original finite dimensional space be mapped into a much higher dimensional space presumably making the separation easier in that space. SVM schemes use a mapping into a larger space so that cross products may be computed easily in terms of the variables in the original space making the computational load reasonable. The cross products in the larger space are defined in terms of a kernel function [math] K(x,y) [/math] which can be selected to suit the problem. The hyperplanes in the large space are defined as the set of points whose cross product with a vector in that space is constant. The vectors defining the hyperplanes can be chosen to be linear combinations with parameters [math] \alpha_i [/math] of images of feature vectors which occur in the data base. With this choice of a hyperplane the points x in the feature space which are mapped into the hyperplane are defined by the relation: [math] \sum_i{ \alpha_i K(x_i,x)} = constant [/math] Note that if [math] K(x,y)[/math] becomes small as [math]y[/math] grows further from [math]x[/math], each element in the sum measures the degree of closeness of the test point [math]x[/math] to the corresponding data base point [math]x_i[/math]. In this way the sum of kernels above can be used to measure the relative nearness of each test point to the data points originating in one or the other of the sets to be discriminated. Note the fact that the set of points [math]x[/math] mapped into any hyperplane can be quite convoluted as a result allowing much more complex discrimination between sets which are far from convex in the original space.

Theory and Formulas

H3 (green) doesn't separate the 2 classes. H1 (blue) does, with a small margin and H2 (red) with the maximum margin.

Statistical classification|Classifying data is a common task in machine learning. Suppose some given data points each belong to one of two classes, and the goal is to decide which class a new data point will be in. In the case of support vector machines, a data point is viewed as a [math]p[/math]-dimensional vector (a list of [math]p[/math] numbers), and we want to know whether we can separate such points with a [math]p-1[/math]-dimensional hyperplane. This is called a linear classifier. There are many hyperplanes that might classify the data. One reasonable choice as the best hyperplane is the one that represents the largest separation, or margin, between the two classes. So we choose the hyperplane so that the distance from it to the nearest data point on each side is maximized. If such a hyperplane exists, it is known as the maximum-margin hyperplane and the linear classifier it defines is known as a maximum margin classifier.

Formalization

We are given some training data [math]\mathcal{D}[/math], a set of n points of the form

[math]\mathcal{D} = \left\{ (\mathbf{x}_i, c_i)\mid\mathbf{x}_i \in \mathbb{R}^p,\, c_i \in \{-1,1\}\right\}_{i=1}^n[/math]

where the ci is either 1 or -1, indicating the class to which the point [math]\mathbf{x}_i [/math] belongs. Each [math] \mathbf{x}_i [/math] is a [math]p[/math]-dimensional real number|real vector. We want to find the maximum-margin hyperplane that divides the points having [math]c_i=1[/math] from those having [math]c_i=-1[/math]. Any hyperplane can be written as the set of points [math]\mathbf{x}[/math] satisfying

Maximum-margin hyperplane and margins for an SVM trained with samples from two classes. Samples on the margin are called the support vectors.
[math]\mathbf{w}\cdot\mathbf{x} - b=0,\,[/math]

where [math]\cdot[/math] denotes the dot product. The vector [math]{\mathbf{w}}[/math] is a Surface normal|normal vector: it is perpendicular to the hyperplane. The parameter [math]\tfrac{b}{\|\mathbf{w}\|}[/math] determines the offset of the hyperplane from the origin along the normal vector [math]{\mathbf{w}}[/math].

We want to choose the [math]{\mathbf{w}}[/math] and [math]b[/math] to maximize the margin, or distance between the parallel hyperplanes that are as far apart as possible while still separating the data. These hyperplanes can be described by the equations

[math]\mathbf{w}\cdot\mathbf{x} - b=1\,[/math]

and

[math]\mathbf{w}\cdot\mathbf{x} - b=-1.\,[/math]

Note that if the training data are linearly separable, we can select the two hyperplanes of the margin in a way that there are no points between them and then try to maximize their distance. By using geometry, we find the distance between these two hyperplanes is [math]\tfrac{2}{\|\mathbf{w}\|}[/math], so we want to minimize [math]\|\mathbf{w}\|[/math]. As we also have to prevent data points falling into the margin, we add the following constraint: for each [math]i[/math] either

[math]\mathbf{w}\cdot\mathbf{x}_i - b \ge 1\qquad\text{ for }\mathbf{x}_i [/math] of the first class

or

[math]\mathbf{w}\cdot\mathbf{x}_i - b \le -1\qquad\text{ for }\mathbf{x}_i [/math] of the second.

This can be rewritten as:

[math]c_i(\mathbf{w}\cdot\mathbf{x}_i - b) \ge 1, \quad \text{ for all } 1 \le i \le n.\qquad\qquad(1)[/math]

We can put this together to get the optimization problem:

Minimize (in [math]{\mathbf{w},b}[/math])

[math]\|\mathbf{w}\|[/math]

subject to (for any [math]i = 1, \dots, n[/math])

[math]c_i(\mathbf{w}\cdot\mathbf{x_i} - b) \ge 1. \, [/math]


Properties

SVMs belong to a family of generalized linear classifiers. They can also be considered a special case of Tikhonov regularization. A special property is that they simultaneously minimize the empirical classification error and maximize the geometric margin; hence they are also known as maximum margin classifiers.

A comparison of the SVM to other classifiers has been made by Meyer, Leisch and Hornik.[2]


Non-linear classification

The original optimal hyperplane algorithm proposed by Vladimir Vapnik in 1963 was a linear classifier. However, in 1992, Bernhard Boser, Isabelle Guyon and Vapnik suggested a way to create non-linear classifiers by applying the kernel trick (originally proposed by Aizerman et al.[3] ) to maximum-margin hyperplanes.[4] The resulting algorithm is formally similar, except that every dot product is replaced by a non-linear kernel (integral operator)|kernel function. This allows the algorithm to fit the maximum-margin hyperplane in a transformed feature space. The transformation may be non-linear and the transformed space high dimensional; thus though the classifier is a hyperplane in the high-dimensional feature space, it may be non-linear in the original input space.

If the kernel used is a Gaussian radial basis function, the corresponding feature space is a Hilbert space of infinite dimension. Maximum margin classifiers are well regularization (mathematics)|regularized, so the infinite dimension does not spoil the results. Some common kernels include,

  • Homogeneous polynomial|Polynomial (homogeneous): [math]k(\mathbf{x_i},\mathbf{x_j})=(\mathbf{x_i} \cdot \mathbf{x_j})^d[/math]
  • Polynomial (inhomogeneous): [math]k(\mathbf{x_i},\mathbf{x_j})=(\mathbf{x_i} \cdot \mathbf{x_j} + 1)^d[/math]
  • Gaussian or Radial Basis Function: [math]k(\mathbf{x_i},\mathbf{x_j})=\exp(-\gamma \|\mathbf{x_i} - \mathbf{x_j}\|^2)[/math], for [math]\gamma \gt 0[/math]. Sometimes parametrized using [math]\gamma=1/{2 \sigma^2}[/math]
  • Hyperbolic function|Hyperbolic tangent: [math]k(\mathbf{x_i},\mathbf{x_j})=\tanh(\kappa \mathbf{x_i} \cdot \mathbf{x_j}+c)[/math], for some (not every) [math]\kappa \gt 0 [/math] and [math] c \lt 0 [/math]

The kernel is related to the transform [math]\varphi(\mathbf{x_i})[/math] by the equation [math]k(\mathbf{x_i}, \mathbf{x_j}) = \varphi(\mathbf{x_i})\cdot \varphi(\mathbf{x_j})[/math]. The value w is also in the transformed space, with [math]\textstyle\mathbf{w} = \sum_i \alpha_i c_i \varphi(\mathbf{x}_i).[/math] Dot products with w for classification can again be computed by the kernel trick, i.e. [math]\textstyle \mathbf{w}\cdot\varphi(\mathbf{x}) = \sum_i \alpha_i c_i k(\mathbf{x}_i, \mathbf{x})[/math]. However, there does not in general exist a value w' such that [math]\mathbf{w}\cdot\varphi(\mathbf{x}) = k(\mathbf{w'}, \mathbf{x}).[/math]

Parameter selection

The effectiveness of SVM depends on the selection of kernel, kernel's parameters and soft margin parameter C.

A common choice is a gaussian kernel, which has a single parameter ?. Best combination of C and ? is often selected by a grid-search with exponentially growing sequences of C and ?, for example, [math]C \in \{ 2^{-5}, 2^{-3}, \dots, 2^{13},2^{15} \}[/math]; [math]\gamma \in \{ 2^{-15},2^{-13}, \dots, 2^{1},2^{3} \}[/math]. Each pair of parameters is checked using cross validation, and the parameters with best cross validation accuracy are picked. The final model, which is used for testing and classifying new data, is then trained on the whole training set using the selected parameters.[5]

Issues

Potential drawbacks of the SVM are the following two aspects:

  • Uncalibrated Class membership probabilities
  • The SVM is only directly applicable for two-class tasks. Therefore, algorithms that reduce the multi-class task to several binary problems have to be applied, see the Multi-class SVM section.


Regression

A version of SVM for regression analysis|regression was proposed in 1996 by Vladimir Vapnik, Harris Drucker, Chris Burges, Linda Kaufman and Alex Smola.[6] This method is called support vector regression (SVR). The model produced by support vector classification (as described above) depends only on a subset of the training data, because the cost function for building the model does not care about training points that lie beyond the margin. Analogously, the model produced by SVR depends only on a subset of the training data, because the cost function for building the model ignores any training data close to the model prediction (within a threshold [math]\epsilon[/math]). There is also a least squares version of support vector machine (SVM) called least squares support vector machine (LS-SVM) proposed in Suykens and Vandewalle [7].

Implementation

The parameters of the maximum-margin hyperplane are derived by solving the optimization. There exist several specialized algorithms for quickly solving the QP problem that arises from SVMs, mostly reliant on heuristics for breaking the problem down into smaller, more-manageable chunks. A common method for solving the QP problem is Platt's Sequential Minimal Optimization (SMO) algorithm, which breaks the problem down into 2-dimensional sub-problems that may be solved analytically, eliminating the need for a numerical optimization algorithm.

Another approach is to use an interior point method that uses Newton-like iterations to find a solution of the Karush-Kuhn-Tucker conditions of the primal and dual problems.[8] Instead of solving a sequence of broken down problems, this approach directly solves the problem as a whole. To avoid solving a linear system involving the large kernel matrix, a low rank approximation to the matrix is often used to use the kernel trick.

References

  1. Corinna Cortes and V. Vapnik, "Support-Vector Networks", Machine Learning, 20, 1995. http://www.springerlink.com/content/k238jx04hm87j80g/
  2. David Meyer, Friedrich Leisch, and Kurt Hornik. The support vector machine under test. Neurocomputing 55(1-2): 169-186, 2003 http://dx.doi.org/10.1016/S0925-2312(03)00431-4
  3. M. Aizerman, E. Braverman, and L. Rozonoer (1964). "Theoretical foundations of the potential function method in pattern recognition learning". Automation and Remote Control 25: 821–837.
  4. B. E. Boser, I. M. Guyon, and V. N. Vapnik. A training algorithm for optimal margin classifiers. In D. Haussler, editor, 5th Annual ACM Workshop on COLT, pages 144-152, Pittsburgh, PA, 1992. ACM Press
  5. Template:Cite techreport
  6. Harris Drucker, Chris J.C. Burges, Linda Kaufman, Alex Smola and Vladimir Vapnik (1997). "Support Vector Regression Machines". Advances in Neural Information Processing Systems 9, NIPS 1996, 155-161, MIT Press.
  7. Suykens J.A.K., Vandewalle J., Least squares support vector machine classifiers, Neural Processing Letters, vol. 9, no. 3, Jun. 1999, pp. 293-300.
  8. M. Ferris, and T. Munson (2002). "Interior-point methods for massive support vector machines". SIAM Journal on Optimization 13: 783–804. .

External links

Bibliography

  • Sergios Theodoridis and Konstantinos Koutroumbas "Pattern Recogntition", 4th Edition, Academic Press, 2009.
  • Nello Cristianini and John Shawe-Taylor. An Introduction to Support Vector Machines and other kernel-based learning methods. Cambridge University Press, 2000. ISBN 0-521-78019-5 ([2] SVM Book)
  • Huang T.-M., Kecman V., Kopriva I. (2006), Kernel Based Algorithms for Mining Huge Data Sets, Supervised, Semi-supervised, and Unsupervised Learning, Springer-Verlag, Berlin, Heidelberg, 260 pp. 96 illus., Hardcover, ISBN 3-540-31681-7 [3]
  • Vojislav Kecman: "Learning and Soft Computing — Support Vector Machines, Neural Networks, Fuzzy Logic Systems", The MIT Press, Cambridge, MA, 2001.[4]
  • Bernhard Schölkopf and A. J. Smola: Learning with Kernels. MIT Press, Cambridge, MA, 2002. (Partly available on line: [5].) ISBN 0-262-19475-9
  • Bernhard Schölkopf, Christopher J.C. Burges, and Alexander J. Smola (editors). "Advances in Kernel Methods: Support Vector Learning". MIT Press, Cambridge, MA, 1999. ISBN 0-262-19416-3. [6]
  • John Shawe-Taylor and Nello Cristianini. Kernel Methods for Pattern Analysis. Cambridge University Press, 2004. ISBN 0-521-81397-2 ([7] Kernel Methods Book)
  • Ingo Steinwart and Andreas Christmann. Support Vector Machines. Springer-Verlag, New York, 2008. ISBN 978-0-387-77241-7 ([8] SVM Book)
  • P.J. Tan and D.L. Dowe (2004), MML Inference of Oblique Decision Trees, Lecture Notes in Artificial Intelligence (LNAI) 3339, Springer-Verlag, pp1082-1088. (This paper uses minimum message length (Minimum Message Length|MML) and actually incorporates probabilistic support vector machines in the leaves of Decision tree learning|decision trees.)
  • Vladimir Vapnik. The Nature of Statistical Learning Theory. Springer-Verlag, 1995. ISBN 0-387-98780-0
  • Vladimir Vapnik, S.Kotz "Estimation of Dependences Based on Empirical Data" Springer, 2006. ISBN 0387308652, 510 pages [this is a reprint of Vapnik's early book describing philosophy behind SVM approach. The 2006 Appendix describes recent development].
  • Dmitriy Fradkin and Ilya Muchnik "Support Vector Machines for Classification" in J. Abello and G. Carmode (Eds) "Discrete Methods in Epidemiology", DIMACS Series in Discrete Mathematics and Theoretical Computer Science, volume 70, pp. 13–20, 2006. [9]. Succinctly describes theoretical ideas behind SVM.
  • Kristin P. Bennett and Colin Campbell, "Support Vector Machines: Hype or Hallelujah?", SIGKDD Explorations, 2,2, 2000, 1-13. [10]. Excellent introduction to SVMs with helpful figures.
  • Ovidiu Ivanciuc, "Applications of Support Vector Machines in Chemistry", In: Reviews in Computational Chemistry, Volume 23, 2007, pp. 291–400. Reprint available: [11]
  • Catanzaro, Sundaram, Keutzer, "Fast Support Vector Machine Training and Classification on Graphics Processors", In: International Conference on Machine Learning, 2008 [12]

Category:Classification algorithms Category:Machine learning Category:Kernel methods for machine learning Category:Statistical classification

cs:Support vector machines de:Support Vector Machine es:Máquinas de vectores de soporte eu:Euskarri bektoredun makina fa:????? ????? ???????? fr:Machine à vecteurs de support ko:??? ?? ?? it:Macchine a vettori di supporto he:????? ??????? ?????? ja:??????????? pl:Maszyna wektorów nosnych ru:????? ??????? ???????? sl:Metoda podpornih vektorjev fi:Tukivektorikone sv:Stödvektormaskin zh:?????