Tuesday 27 April 2010

Kernel Support Vector Machines for Classification and Regression in C#

Kernel methods in general have gained increased attention in recent years, partly due to the grown of popularity of the Support Vector Machines. Support Vector Machines are linear classifiers and regressors that, through the Kernel trick, operate in reproducing Kernel Hilbert spaces and are thus able to perform non-linear classification and regression in their input space.




The source code available here is distributed under a GPL license. The sequential minimal optimization for regression was implemented by following Smola’s Tutorial on Support Vector Regression. However, modifications had been based on GPL code by Sylvain Roy.

Contents



  1. Introduction
    1. Support Vector Machines
    2. Kernel Support Vector Machines
      1. The Kernel Trick
      2. Standard Kernels
  2. Learning Algorithms
    1. Sequential Minimal Optimization
  3. Source Code
    1. Support Vector Machine
    2. Kernel Support Vector Machine
    3. Sequential Minimal Optimization
  4. Using the code
  5. Sample application
    1. Classification
    2. Regression
  6. See also
  7. References

 

Introduction

Support Vector Machines

Support vector machines (SVMs) are a set of related supervised learning methods used for classification and regression. In simple words, given a set of training examples, each marked as belonging to one of two categories, a 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.

A linear support vector machine is composed of a set of given support vectors z and a set of weights w. The computation for the output of a given SVM with N support vectors z1, z2, … , zN and weights w1, w2, … , wN is then given by:

F(x) = \sum_{i=1}^N  w_i \, \left \langle z_i,x \right \rangle  + b

Kernel Support Vector Machines

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.) to maximum-margin hyperplanes. The resulting algorithm is formally similar, except that every dot product is replaced by a non-linear 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.

Using kernels, the original formulation for the SVM given SVM with support vectors z1, z2, … , zN and weights w1, w2, … , wN is now given by:

F(x) = \sum_{i=1}^N  w_i \, k(z_i,x) + b

It is also very straightforward to see that, using a linear kernel of the form K(z,x) = <z,x> = zTx, we recover the original formulation for the linear SVM.

The Kernel trick

The Kernel trick is a very interesting and powerful tool. It is powerful because it provides a bridge from linearity to non-linearity to any algorithm that solely depends on the dot product between two vectors. It comes from the fact that, if we first map our input data into a higher-dimensional space, a linear algorithm operating in this space will behave non-linearly in the original input space.



Now, the Kernel trick is really interesting because that mapping does not need to be ever computed. If our algorithm can be expressed only in terms of a inner product between two vectors, all we need is replace this inner product with the inner product from some other suitable space. That is where resides the "trick": wherever a dot product is used, it is replaced with a Kernel function. The kernel function denotes an inner product in feature space and is usually denoted as:

K(x,y) = <φ(x),φ(y)>

Using the Kernel function, the algorithm can then be carried into a higher-dimension space without explicitly mapping the input points into this space. This is highly desirable, as sometimes our higher-dimensional feature space could even be infinite-dimensional and thus infeasible to compute.

Standard Kernels

Some common Kernel functions include the linear kernel, the polynomial kernel and the Gaussian kernel. Below is a simple list with their most interesting characteristics.


Linear Kernel The Linear kernel is the simplest kernel function. It is given by the common inner product <x,y> plus an optional constant c. Kernel algorithms using a linear kernel are often equivalent to their non-kernel counterparts, i.e. KPCA with linear kernel is equivalent to standard PCA. k(x, y) = x^T y + c
Polynomial Kernel The Polynomial kernel is a non-stationary kernel. It is well suited for problems where all data is normalized. k(x, y) = (\alpha x^T y + c)^d
Gaussian Kernel The Gaussian kernel is by far one of the most versatile Kernels. It is a radial basis function kernel, and is the preferred Kernel when we don’t know much about the data we are trying to model. k(x, y) = \exp\left(-\frac{ \lVert x-y \rVert ^2}{2\sigma^2}\right)

For more Kernel functions, check Kernel functions for Machine Learning Applications. The accompanying source code includes definitions for over 20 distinct Kernel functions, many of them detailed in the aforementioned post.

 

Learning Algorithms

Sequential Minimal Optimization

Previous SVM learning algorithms involved the use of quadratic programming solvers. Some of them used chunking to split the problem in smaller parts which could be solved more efficiently. Platt's Sequential Minimal Optimization (SMO) algorithm puts chunking to the extreme by breaking the problem down into 2-dimensional sub-problems that can be solved analytically, eliminating the need for a numerical optimization algorithm.

The algorithm makes use of Lagrange multipliers to compute the optimization problem. Platt's algorithm is composed of three main procedures or parts:

  • run, which iterates over all points until convergence to a tolerance threshold;
  • examineExample, which finds two points to jointly optimize;
  • takeStep, which solves the 2-dimensional optimization problem analytically.

The algorithm is also governed by three extra parameters besides the Kernel function and the data points.

  • The parameter C controls the trade off between allowing some training errors and forcing rigid margins. Increasing the value of C increases the cost of misclassifications but may result in models that do not generalize well to points outside the training set.
  • The parameter ε controls the width of the ε-insensitive zone, used to fit the training data. The value of ε can affect the number of support vectors used to construct the regression function. The bigger ε, the fewer support vectors are selected and the solution becomes more sparse. On the other hand, increasing the ε-value by too much will result in less accurate models. 
  • The parameter T is the convergence tolerance. It is the criterion for completing the training process.

After the algorithm ends, a new Support Vector Machine can be created using only the points whose Lagrange multipliers are higher than zero. The expected outputs yi can be individually multiplied by their corresponding Lagrange multipliers ai to form a single weight vector w.

F(x) = \sum_{i=0}^N \{ \alpha_i y \,  k(z_i,x) \} + b = \sum_{i=0}^N \{ w_i \, k(z_i,x) \} + b

Sequential Minimal Optimization for Regression

A version of SVM for regression was proposed in 1996 by Vladimir Vapnik, Harris Drucker, Chris Burges, Linda Kaufman and Alex Smola. The method was called support vector regression and, as is the case with the original Support Vector Machine formulation, 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 that is within a tolerance threshold ε.

Platt's algorithm has also been modified for regression. Albeit still maintaining much of its original structure, the difference lies in the fact that the modified algorithm uses two Lagrange multipliers âi and ai for each input point i. After the algorithm ends, a new Support Vector Machine can be created using only points whose both Lagrange multipliers are higher than zero. The multipliers âi and ai are then subtracted to form a single weight vector w.

F(x) = \sum_{i=0}^N \{ (\hat{\alpha_i} - \alpha_i) \,  k(z_i,x) \} + b = \sum_{i=0}^N \{ w_i \, k(z_i,x) \} + b

The algorithm is also governed by the same three parameters presented above. The parameter ε, however, receives a special meaning. It governs the size of the ε-insensitive tube over the regression line. The algorithm has been further developed and adapted by Alex J. Smola, Bernhard Schoelkopf and further optimizations were introduced by Shevade et al and Flake et al.

Source Code

Here is the class diagram for the Support Vector Machine module. We can see it is very simple in terms of standard class organization.

svm-classdiagram1Class diagram for the (Kernel) Support Vector Machines module.


Support Vector Machine

Below is the class definition for the Linear Support Vector Machine. It is pretty much self explanatory.


    /// <summary>
/// Sparse Linear Support Vector Machine (SVM)
/// </summary>
public class SupportVectorMachine
{

private int inputCount;
private double[][] supportVectors;
private double[] weights;
private double threshold;

/// <summary>
/// Creates a new Support Vector Machine
/// </summary>
public SupportVectorMachine(int inputs)
{
this.inputCount = inputs;
}

/// <summary>
/// Gets the number of inputs accepted by this SVM.
/// </summary>
public int Inputs
{
get { return inputCount; }
}

/// <summary>
/// Gets or sets the collection of support vectors used by this machine.
/// </summary>
public double[][] SupportVectors
{
get { return supportVectors; }
set { supportVectors = value; }
}

/// <summary>
/// Gets or sets the collection of weights used by this machine.
/// </summary>
public double[] Weights
{
get { return weights; }
set { weights = value; }
}

/// <summary>
/// Gets or sets the threshold (bias) term for this machine.
/// </summary>
public double Threshold
{
get { return threshold; }
set { threshold = value; }
}

/// <summary>
/// Computes the given input to produce the corresponding output.
/// </summary>
/// <param name="input">An input vector.</param>
/// <returns>The ouput for the given input.</returns>
public virtual double Compute(double[] input)
{
double s = threshold;
for (int i = 0; i < supportVectors.Length; i++)
{
double p = 0;
for (int j = 0; j < input.Length; j++)
p += supportVectors[i][j] * input[j];

s += weights[i] * p;
}

return s;
}

/// <summary>
/// Computes the given inputs to produce the corresponding outputs.
/// </summary>
public double[] Compute(double[][] inputs)
{
double[] outputs = new double[inputs.Length];

for (int i = 0; i < inputs.Length; i++)
outputs[i] = Compute(inputs[i]);

return outputs;
}

}








Kernel Support Vector Machine



Here is the class definition for the Kernel Support Vector Machine. It inherits from Support Vector Machine and extends it with a Kernel property. The Compute method is also overridden to include the chosen Kernel in the model computation.






/// <summary>
/// Sparse Kernel Support Vector Machine (kSVM)
/// </summary>
/// <remarks>
/// <para>
/// The original optimal hyperplane algorithm (SVM) 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.) to maximum-margin hyperplanes. The resulting algorithm is formally
/// similar, except that every dot product is replaced by a non-linear kernel function.</para>
/// <para>
/// 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.</para>
/// <para>
/// References:
/// <list type="bullet">
/// <item><description><a href="http://en.wikipedia.org/wiki/Support_vector_machine">
/// http://en.wikipedia.org/wiki/Support_vector_machine</a></description></item>
/// <item><description><a href="http://www.kernel-machines.org/">
/// http://www.kernel-machines.org/</a></description></item>
/// </list></para>
/// </remarks>
///
/// <example>
/// <code>
/// // Example XOR problem
/// double[][] inputs =
/// {
/// new double[] { 0, 0 }, // 0 xor 0: 1 (label +1)
/// new double[] { 0, 1 }, // 0 xor 1: 0 (label -1)
/// new double[] { 1, 0 }, // 1 xor 0: 0 (label -1)
/// new double[] { 1, 1 } // 1 xor 1: 1 (label +1)
/// };
///
/// // Dichotomy SVM outputs should be given as [-1;+1]
/// int[] labels =
/// {
/// // 1, 0, 0, 1
/// 1, -1, -1, 1
/// };
///
/// // Create a Kernel Support Vector Machine for the given inputs
/// KernelSupportVectorMachine machine = new KernelSupportVectorMachine(new Gaussian(0.1), inputs[0].Length);
///
/// // Instantiate a new learning algorithm for SVMs
/// SequentialMinimalOptimization smo = new SequentialMinimalOptimization(machine, inputs, labels);
///
/// // Set up the learning algorithm
/// smo.Complexity = 1.0;
///
/// // Run the learning algorithm
/// double error = smo.Run();
///
/// // Compute the decision output for one of the input vectors
/// int decision = System.Math.Sign(svm.Compute(inputs[0]));
/// </code>
/// </example>
///
[Serializable]
public class KernelSupportVectorMachine : SupportVectorMachine
{

private IKernel kernel;


/// <summary>
/// Creates a new Kernel Support Vector Machine.
/// </summary>
///
/// <param name="kernel">The chosen kernel for the machine.</param>
/// <param name="inputs">The number of inputs for the machine.</param>
///
/// <remarks>
/// If the number of inputs is zero, this means the machine
/// accepts a indefinite number of inputs. This is often the
/// case for kernel vector machines using a sequence kernel.
/// </remarks>
///
public KernelSupportVectorMachine(IKernel kernel, int inputs) : base(inputs)
{
if (kernel == null) throw new ArgumentNullException("kernel");

this.kernel = kernel;
}

/// <summary>
/// Gets or sets the kernel used by this machine.
/// </summary>
///
public IKernel Kernel
{
get { return kernel; }
set { kernel = value; }
}

/// <summary>
/// Computes the given input to produce the corresponding output.
/// </summary>
///
/// <remarks>
/// For a binary decision problem, the decision for the negative
/// or positive class is typically computed by taking the sign of
/// the machine's output.
/// </remarks>
///
/// <param name="inputs">An input vector.</param>
/// <returns>The output for the given input.</returns>
///
public override double Compute(double[] inputs)
{
double s = Threshold;

for (int i = 0; i < SupportVectors.Length; i++)
s += Weights[i] * kernel.Function(SupportVectors[i], inputs);

return s;
}
}



Sequential Minimal Optimization



Here is the code for the Sequential Minimal Optimization (SMO) algorithm.






/// <summary>
/// Sequential Minimal Optimization (SMO) Algorithm
/// </summary>
///
/// <remarks>
/// <para>
/// The SMO algorithm is an algorithm for solving large quadratic programming (QP)
/// optimization problems, widely used for the training of support vector machines.
/// First developed by John C. Platt in 1998, SMO breaks up large QP problems into
/// a series of smallest possible QP problems, which are then solved analytically.</para>
/// <para>
/// This class follows the original algorithm by Platt as strictly as possible.</para>
///
/// <para>
/// References:
/// <list type="bullet">
/// <item><description>
/// <a href="http://en.wikipedia.org/wiki/Sequential_Minimal_Optimization">
/// Wikipedia, The Free Encyclopedia. Sequential Minimal Optimization. Available on:
/// http://en.wikipedia.org/wiki/Sequential_Minimal_Optimization </a></description></item>
/// <item><description>
/// <a href="http://research.microsoft.com/en-us/um/people/jplatt/smoTR.pdf">
/// John C. Platt, Sequential Minimal Optimization: A Fast Algorithm for Training Support
/// Vector Machines. 1998. Available on: http://research.microsoft.com/en-us/um/people/jplatt/smoTR.pdf </a></description></item>
/// <item><description>
/// <a href="http://www.idiom.com/~zilla/Work/Notes/svmtutorial.pdf">
/// J. P. Lewis. A Short SVM (Support Vector Machine) Tutorial. Available on:
/// http://www.idiom.com/~zilla/Work/Notes/svmtutorial.pdf </a></description></item>
/// </list></para>
/// </remarks>
///
/// <example>
/// <code>
/// // Example XOR problem
/// double[][] inputs =
/// {
/// new double[] { 0, 0 }, // 0 xor 0: 1 (label +1)
/// new double[] { 0, 1 }, // 0 xor 1: 0 (label -1)
/// new double[] { 1, 0 }, // 1 xor 0: 0 (label -1)
/// new double[] { 1, 1 } // 1 xor 1: 1 (label +1)
/// };
///
/// // Dichotomy SVM outputs should be given as [-1;+1]
/// int[] labels =
/// {
/// 1, -1, -1, 1
/// };
///
/// // Create a Kernel Support Vector Machine for the given inputs
/// KernelSupportVectorMachine machine = new KernelSupportVectorMachine(new Gaussian(0.1), inputs[0].Length);
///
/// // Instantiate a new learning algorithm for SVMs
/// SequentialMinimalOptimization smo = new SequentialMinimalOptimization(machine, inputs, labels);
///
/// // Set up the learning algorithm
/// smo.Complexity = 1.0;
///
/// // Run the learning algorithm
/// double error = smo.Run();
///
/// // Compute the decision output for one of the input vectors
/// int decision = System.Math.Sign(svm.Compute(inputs[0]));
/// </code>
/// </example>
///
public class SequentialMinimalOptimization : ISupportVectorMachineLearning
{
private static Random random = new Random();

// Training data
private double[][] inputs;
private int[] outputs;

// Learning algorithm parameters
private double c = 1.0;
private double tolerance = 1e-3;
private double epsilon = 1e-3;
private bool useComplexityHeuristic;

// Support Vector Machine parameters
private SupportVectorMachine machine;
private IKernel kernel;
private double[] alpha;
private double bias;


// Error cache to speed up computations
private double[] errors;


/// <summary>
/// Initializes a new instance of a Sequential Minimal Optimization (SMO) algorithm.
/// </summary>
///
/// <param name="machine">A Support Vector Machine.</param>
/// <param name="inputs">The input data points as row vectors.</param>
/// <param name="outputs">The classification label for each data point in the range [-1;+1].</param>
///
public SequentialMinimalOptimization(SupportVectorMachine machine,
double[][] inputs, int[] outputs)
{

// Initial argument checking
if (machine == null)
throw new ArgumentNullException("machine");

if (inputs == null)
throw new ArgumentNullException("inputs");

if (outputs == null)
throw new ArgumentNullException("outputs");

if (inputs.Length != outputs.Length)
throw new ArgumentException("The number of inputs and outputs does not match.", "outputs");

for (int i = 0; i < outputs.Length; i++)
{
if (outputs[i] != 1 && outputs[i] != -1)
throw new ArgumentOutOfRangeException("outputs", "One of the labels in the output vector is neither +1 or -1.");
}

if (machine.Inputs > 0)
{
// This machine has a fixed input vector size
for (int i = 0; i < inputs.Length; i++)
if (inputs[i].Length != machine.Inputs)
throw new ArgumentException("The size of the input vectors does not match the expected number of inputs of the machine");
}


// Machine
this.machine = machine;

// Kernel (if applicable)
KernelSupportVectorMachine ksvm = machine as KernelSupportVectorMachine;
this.kernel = (ksvm != null) ? ksvm.Kernel : new Linear();


// Learning data
this.inputs = inputs;
this.outputs = outputs;

}


//---------------------------------------------


#region Properties
/// <summary>
/// Complexity (cost) parameter C. Increasing the value of C forces the creation
/// of a more accurate model that may not generalize well. Default value is the
/// number of examples divided by the trace of the kernel matrix.
/// </summary>
/// <remarks>
/// The cost parameter C controls the trade off between allowing training
/// errors and forcing rigid margins. It creates a soft margin that permits
/// some misclassifications. Increasing the value of C increases the cost of
/// misclassifying points and forces the creation of a more accurate model
/// that may not generalize well.
/// </remarks>
public double Complexity
{
get { return this.c; }
set { this.c = value; }
}


/// <summary>
/// Gets or sets a value indicating whether the Complexity parameter C
/// should be computed automatically by employing an heuristic rule.
/// </summary>
/// <value>
/// <c>true</c> if complexity should be computed automatically; otherwise, <c>false</c>.
/// </value>
public bool UseComplexityHeuristic
{
get { return useComplexityHeuristic; }
set { useComplexityHeuristic = value; }
}

/// <summary>
/// Insensitivity zone ε. Increasing the value of ε can result in fewer support
/// vectors in the created model. Default value is 1e-3.
/// </summary>
/// <remarks>
/// Parameter ε controls the width of the ε-insensitive zone, used to fit the training
/// data. The value of ε can affect the number of support vectors used to construct the
/// regression function. The bigger ε, the fewer support vectors are selected. On the
/// other hand, bigger ε-values results in more flat estimates.
/// </remarks>
public double Epsilon
{
get { return epsilon; }
set { epsilon = value; }
}

/// <summary>
/// Convergence tolerance. Default value is 1e-3.
/// </summary>
/// <remarks>
/// The criterion for completing the model training process. The default is 0.001.
/// </remarks>
public double Tolerance
{
get { return this.tolerance; }
set { this.tolerance = value; }
}
#endregion


//---------------------------------------------


/// <summary>
/// Runs the SMO algorithm.
/// </summary>
///
/// <param name="computeError">
/// True to compute error after the training
/// process completes, false otherwise. Default is true.
/// </param>
///
/// <returns>
/// The misclassification error rate of
/// the resulting support vector machine.
/// </returns>
///
public double Run(bool computeError)
{

// The SMO algorithm chooses to solve the smallest possible optimization problem
// at every step. At every step, SMO chooses two Lagrange multipliers to jointly
// optimize, finds the optimal values for these multipliers, and updates the SVM
// to reflect the new optimal values
//
// Reference: http://research.microsoft.com/en-us/um/people/jplatt/smoTR.pdf


// Initialize variables
int N = inputs.Length;

if (useComplexityHeuristic)
c = computeComplexity();

// Lagrange multipliers
this.alpha = new double[N];

// Error cache
this.errors = new double[N];

// Algorithm:
int numChanged = 0;
int examineAll = 1;

while (numChanged > 0 || examineAll > 0)
{
numChanged = 0;
if (examineAll > 0)
{
// loop I over all training examples
for (int i = 0; i < N; i++)
numChanged += examineExample(i);
}
else
{
// loop I over examples where alpha is not 0 and not C
for (int i = 0; i < N; i++)
if (alpha[i] != 0 && alpha[i] != c)
numChanged += examineExample(i);
}

if (examineAll == 1)
examineAll = 0;
else if (numChanged == 0)
examineAll = 1;
}


// Store Support Vectors in the SV Machine. Only vectors which have lagrange multipliers
// greater than zero will be stored as only those are actually required during evaluation.
List<int> indices = new List<int>();
for (int i = 0; i < N; i++)
{
// Only store vectors with multipliers > 0
if (alpha[i] > 0) indices.Add(i);
}

int vectors = indices.Count;
machine.SupportVectors = new double[vectors][];
machine.Weights = new double[vectors];
for (int i = 0; i < vectors; i++)
{
int j = indices[i];
machine.SupportVectors[i] = inputs[j];
machine.Weights[i] = alpha[j] * outputs[j];
}
machine.Threshold = -bias;


// Compute error if required.
return (computeError) ? ComputeError(inputs, outputs) : 0.0;
}

/// <summary>
/// Runs the SMO algorithm.
/// </summary>
///
/// <returns>
/// The misclassification error rate of
/// the resulting support vector machine.
/// </returns>
///
public double Run()
{
return Run(true);
}

/// <summary>
/// Computes the error rate for a given set of input and outputs.
/// </summary>
///
public double ComputeError(double[][] inputs, int[] expectedOutputs)
{
// Compute errors
int count = 0;
for (int i = 0; i < inputs.Length; i++)
{
if (Math.Sign(compute(inputs[i])) != Math.Sign(expectedOutputs[i]))
count++;
}

// Return misclassification error ratio
return (double)count / inputs.Length;
}

//---------------------------------------------


/// <summary>
/// Chooses which multipliers to optimize using heuristics.
/// </summary>
///
private int examineExample(int i2)
{
double[] p2 = inputs[i2]; // Input point at index i2
double y2 = outputs[i2]; // Classification label for p2
double alph2 = alpha[i2]; // Lagrange multiplier for p2

// SVM output on p2 - y2. Check if it has already been computed
double e2 = (alph2 > 0 && alph2 < c) ? errors[i2] : compute(p2) - y2;

double r2 = y2 * e2;


// Heuristic 01 (for the first multiplier choice):
// - Testing for KKT conditions within the tolerance margin
if (!(r2 < -tolerance && alph2 < c) && !(r2 > tolerance && alph2 > 0))
return 0;


// Heuristic 02 (for the second multiplier choice):
// - Once a first Lagrange multiplier is chosen, SMO chooses the second Lagrange multiplier to
// maximize the size of the step taken during joint optimization. Now, evaluating the kernel
// function is time consuming, so SMO approximates the step size by the absolute value of the
// absolute error difference.
int i1 = -1; double max = 0;
for (int i = 0; i < inputs.Length; i++)
{
if (alpha[i] > 0 && alpha[i] < c)
{
double error1 = errors[i];
double aux = System.Math.Abs(e2 - error1);

if (aux > max)
{
max = aux;
i1 = i;
}
}
}

if (i1 >= 0 && takeStep(i1, i2)) return 1;


// Heuristic 03:
// - Under unusual circumstances, SMO cannot make positive progress using the second
// choice heuristic above. If it is the case, then SMO starts iterating through the
// non-bound examples, searching for an second example that can make positive progress.

int start = random.Next(inputs.Length);
for (i1 = start; i1 < inputs.Length; i1++)
{
if (alpha[i1] > 0 && alpha[i1] < c)
if (takeStep(i1, i2)) return 1;
}
for (i1 = 0; i1 < start; i1++)
{
if (alpha[i1] > 0 && alpha[i1] < c)
if (takeStep(i1, i2)) return 1;
}


// Heuristic 04:
// - If none of the non-bound examples make positive progress, then SMO starts iterating
// through the entire training set until an example is found that makes positive progress.
// Both the iteration through the non-bound examples and the iteration through the entire
// training set are started at random locations, in order not to bias SMO towards the
// examples at the beginning of the training set.

start = random.Next(inputs.Length);
for (i1 = start; i1 < inputs.Length; i1++)
{
if (takeStep(i1, i2)) return 1;
}
for (i1 = 0; i1 < start; i1++)
{
if (takeStep(i1, i2)) return 1;
}


// In extremely degenerate circumstances, none of the examples will make an adequate second
// example. When this happens, the first example is skipped and SMO continues with another
// chosen first example.
return 0;
}

/// <summary>
/// Analytically solves the optimization problem for two Lagrange multipliers.
/// </summary>
///
private bool takeStep(int i1, int i2)
{
if (i1 == i2) return false;

double[] p1 = inputs[i1]; // Input point at index i1
double alph1 = alpha[i1]; // Lagrange multiplier for p1
double y1 = outputs[i1]; // Classification label for p1

// SVM output on p1 - y1. Check if it has already been computed
double e1 = (alph1 > 0 && alph1 < c) ? errors[i1] : compute(p1) - y1;

double[] p2 = inputs[i2]; // Input point at index i2
double alph2 = alpha[i2]; // Lagrange multiplier for p2
double y2 = outputs[i2]; // Classification label for p2

// SVM output on p2 - y2. Check if it has already been computed
double e2 = (alph2 > 0 && alph2 < c) ? errors[i2] : compute(p2) - y2;


double s = y1 * y2;


// Compute L and H according to equations (13) and (14) (Platt, 1998)
double L, H;
if (y1 != y2)
{
// If the target y1 does not equal the target (13)
// y2, then the following bounds apply to a2:
L = Math.Max(0, alph2 - alph1);
H = Math.Min(c, c + alph2 - alph1);
}
else
{
// If the target y1 does equal the target (14)
// y2, then the following bounds apply to a2:
L = Math.Max(0, alph2 + alph1 - c);
H = Math.Min(c, alph2 + alph1);
}

if (L == H) return false;

double k11, k22, k12, eta;
k11 = kernel.Function(p1, p1);
k12 = kernel.Function(p1, p2);
k22 = kernel.Function(p2, p2);
eta = k11 + k22 - 2.0 * k12;

double a1, a2;

if (eta > 0)
{
a2 = alph2 - y2 * (e2 - e1) / eta;

if (a2 < L) a2 = L;
else if (a2 > H) a2 = H;
}
else
{
// Compute objective function Lobj and Hobj at
// a2=L and a2=H respectively, using (eq. 19)

double L1 = alph1 + s * (alph2 - L);
double H1 = alph1 + s * (alph2 - H);
double f1 = y1 * (e1 + bias) - alph1 * k11 - s * alph2 * k12;
double f2 = y2 * (e2 + bias) - alph2 * k22 - s * alph1 * k12;
double Lobj = -0.5 * L1 * L1 * k11 - 0.5 * L * L * k22 - s * L * L1 * k12 - L1 * f1 - L * f2;
double Hobj = -0.5 * H1 * H1 * k11 - 0.5 * H * H * k22 - s * H * H1 * k12 - H1 * f1 - H * f2;

if (Lobj > Hobj + epsilon) a2 = L;
else if (Lobj < Hobj - epsilon) a2 = H;
else a2 = alph2;
}

if (Math.Abs(a2 - alph2) < epsilon * (a2 + alph2 + epsilon))
return false;

a1 = alph1 + s * (alph2 - a2);

if (a1 < 0)
{
a2 += s * a1;
a1 = 0;
}
else if (a1 > c)
{
double d = a1 - c;
a2 += s * d;
a1 = c;
}


// Update threshold (bias) to reflect change in Lagrange multipliers
double b1 = 0, b2 = 0;
double new_b = 0, delta_b;

if (a1 > 0 && a1 < c)
{
// a1 is not at bounds
new_b = e1 + y1 * (a1 - alph1) * k11 + y2 * (a2 - alph2) * k12 + bias;
}
else
{
if (a2 > 0 && a2 < c)
{
// a1 is at bounds but a2 is not.
new_b = e2 + y1 * (a1 - alph1) * k12 + y2 * (a2 - alph2) * k22 + bias;
}
else
{
// Both new Lagrange multipliers are at bound. SMO algorithm
// chooses the threshold to be halfway in between b1 and b2.
b1 = e1 + y1 * (a1 - alph1) * k11 + y2 * (a2 - alph2) * k12 + bias;
b2 = e2 + y1 * (a1 - alph1) * k12 + y2 * (a2 - alph2) * k22 + bias;
new_b = (b1 + b2) / 2;
}
}

delta_b = new_b - bias;
bias = new_b;


// Update error cache using new Lagrange multipliers
double t1 = y1 * (a1 - alph1);
double t2 = y2 * (a2 - alph2);

for (int i = 0; i < inputs.Length; i++)
{
if (0 < alpha[i] && alpha[i] < c)
{
double[] point = inputs[i];
errors[i] +=
t1 * kernel.Function(p1, point) +
t2 * kernel.Function(p2, point) -
delta_b;
}
}

errors[i1] = 0f;
errors[i2] = 0f;


// Update lagrange multipliers
alpha[i1] = a1;
alpha[i2] = a2;


return true;
}

/// <summary>
/// Computes the SVM output for a given point.
/// </summary>
///
private double compute(double[] point)
{
double sum = -bias;
for (int i = 0; i < inputs.Length; i++)
{
if (alpha[i] > 0)
sum += alpha[i] * outputs[i] * kernel.Function(inputs[i], point);
}

return sum;
}


private double computeComplexity()
{
// Compute initial value for C as the number of examples
// divided by the trace of the input sample kernel matrix.
double sum = 0.0;
for (int i = 0; i < inputs.Length; i++)
sum += kernel.Function(inputs[i], inputs[i]);
return inputs.Length / sum;
}


 



Using the code



In the following example, we will be training a Polynomial Kernel Support Vector Machine to recognize the XOR classification problem. The XOR function is classic example of a pattern classification problem that is not linearly separable.






    double[][] inputs =
{
new double[] { -1, -1},
new double[] { -1, 1},
new double[] { 1, -1},
new double[] { 1, 1}
};

int[] xor = { -1, 1, 1, -1 };





Here, remember that the SVM is a margin classifier that classifies instances as either 1 or –1. So the training and expected output for the classification task should also be in this range. There are no such requirements for the inputs, though.



To create the Kernel Support Vector Machine with a Polynomial Kernel, do:






    // Create Kernel Support Vector Machine with a Polynomial Kernel of 2nd degree
KernelSupportVectorMachine machine = new KernelSupportVectorMachine(
new Polynomial(2), inputs.Length);





After the machine has been created, create a new Learning algorithm. As we are going to do classification, we will be using the standard SequentialMinimalOptimization algorithm.






    // Create the sequential minimal optimization teacher
SequentialMinimalOptimization learn = new SequentialMinimalOptimization(
machine, inputs, xor);

// Run the learning algorithm
learn.Run();





After the model has been trained, we can compute its outputs for the given inputs.






    double[] output = machine.Compute(inputs);





The machine should be able to correctly identify all of the input instances.



 



Sample application



The sample application is able to perform both Classification and Regression using Support Vector Machines. It can read Excel spreadsheets and determines the task to be performed depending on the number of the columns in the sheet. If the input table contains two columns (e.g. X and Y) it will be interpreted as a regression problem X –> Y. If the input table contains three columns (e.g. x1, x2 and Y) it will be interpreted as a classification problem <x1,x2> belongs to class Y, Y being either 1 or -1.



Classification



To perform classification, load a classification task data such as the Yin Yang classification problem.



svm2-1



Yin Yang classification problem. The goal is to create a model which best determines whether a given point belongs to class blue or green. It is a clear example of a non-linearly separable problem.



 









svm2-2 svm2-3


Creation of a Gaussian Kernel Support Vector Machine with σ = 1.2236, C = 1.0, ε = 0.001 and T = 0.001.



 


svm2-4

Classification using the created Support Vector Machine. Notice it achieves an accuracy of 97%, with sensitivity and specifity rates of 98% and 96%, respectively.



Regression



To perform regression, we can load the Gaussian noise sine wave example.



svm2-7



Noise sine wave regression problem.



 









svm2-9 svm2-8


Creation of a Gaussian Kernel Support Vector Machine with σ = 1.2236, C = 1.0, ε = 0.2 and T = 0.001.



 



After the model has been created, we can plot the model approximation for the sine wave data. The blue line shows the curve approximation for the original red training dots.




svm2-10

Regression using the created Kernel Support Vector Machine. Notice the coefficient of determination r² of 0.95. The closer to one, the better.






See also








References



No comments:

Post a Comment