Support Vector Machine (SVM) Algorithm (original) (raw)

Support Vector Machine (SVM) is a supervised machine learning algorithm used for classification and regression tasks. It tries to find the best boundary known as hyperplane that separates different classes in the data. It is useful when you want to do binary classification like spam vs. not spam or cat vs. dog.

The main goal of SVM is to maximize the margin between the two classes. The larger the margin the better the model performs on new and unseen data.

**Key Concepts of Support Vector Machine

How does Support Vector Machine Algorithm Work?

The key idea behind the SVM algorithm is to find the hyperplane that best separates two classes by maximizing the margin between them. This margin is the distance from the hyperplane to the nearest data points (support vectors) on each side.

Multiple hyperplanes separating the data from two classes

Multiple hyperplanes separate the data from two classes

The best hyperplane also known as the ****"hard margin"** is the one that maximizes the distance between the hyperplane and the nearest data points from both classes. This ensures a clear separation between the classes. So from the above figure, we choose L2 as hard margin. Let's consider a scenario like shown below:

Selecting hyperplane for data with outlier

Selecting hyperplane for data with outlier

Here, we have one blue ball in the boundary of the red ball.

**How does SVM classify the data?

The blue ball in the boundary of red ones is an outlier of blue balls. The SVM algorithm has the characteristics to ignore the outlier and finds the best hyperplane that maximizes the margin. SVM is robust to outliers.

Hyperplane which is the most optimized one

Hyperplane which is the most optimized one

A soft margin allows for some misclassifications or violations of the margin to improve generalization. The SVM optimizes the following equation to balance margin maximization and penalty minimization:

\text{Objective Function} = (\frac{1}{\text{margin}}) + \lambda \sum \text{penalty }

The penalty used for violations is often hinge loss which has the following behavior:

Till now we were talking about linearly separable data that seprates group of blue balls and red balls by a straight line/linear line.

**What to do if data are not linearly separable?

When data is not linearly separable i.e it can't be divided by a straight line, SVM uses a technique called kernels to map the data into a higher-dimensional space where it becomes separable. This transformation helps SVM find a decision boundary even for non-linear data.

Original 1D dataset for classification

Original 1D dataset for classification

A kernel is a function that maps data points into a higher-dimensional space without explicitly computing the coordinates in that space. This allows SVM to work efficiently with non-linear data by implicitly performing the mapping. For example consider data points that are not linearly separable. By applying a kernel function SVM transforms the data points into a higher-dimensional space where they become linearly separable.

Mapping 1D data to 2D to become able to separate the two classes

Mapping 1D data to 2D to become able to separate the two classes

In this case the new variable y is created as a function of distance from the origin.

Mathematical Computation of SVM

Consider a binary classification problem with two classes, labeled as +1 and -1. We have a training dataset consisting of input feature vectors X and their corresponding class labels Y. The equation for the linear hyperplane can be written as:

w^Tx+ b = 0

Where:

Distance from a Data Point to the Hyperplane

The distance between a data point x_i and the decision boundary can be calculated as:

d_i = \frac{w^T x_i + b}{||w||}

where ||w|| represents the Euclidean norm of the weight vector w. Euclidean norm of the normal vector W

Linear SVM Classifier

Distance from a Data Point to the Hyperplane:

\hat{y} = \left\{ \begin{array}{cl} 1 & : \ w^Tx+b \geq 0 \\ 0 & : \ w^Tx+b < 0 \end{array} \right.

Where \hat{y} is the predicted label of a data point.

**Optimization Problem for SVM

For a linearly separable dataset the goal is to find the hyperplane that maximizes the margin between the two classes while ensuring that all data points are correctly classified. This leads to the following optimization problem:

\underset{w,b}{\text{minimize}}\frac{1}{2}\left\| w \right\|^{2}

Subject to the constraint:

y_i(w^Tx_i + b) \geq 1 \;for\; i = 1, 2,3, \cdots,m

Where:

The condition y_i (w^T x_i + b) \geq 1 ensures that each data point is correctly classified and lies outside the margin.

**Soft Margin in Linear SVM Classifier

In the presence of outliers or non-separable data the SVM allows some misclassification by introducing slack variables \zeta_i​. The optimization problem is modified as:

\underset{w, b}{\text{minimize }} \frac{1}{2} \|w\|^2 + C \sum_{i=1}^{m} \zeta_i

Subject to the constraints:

y_i (w^T x_i + b) \geq 1 - \zeta_i \quad \text{and} \quad \zeta_i \geq 0 \quad \text{for } i = 1, 2, \dots, m

Where:

**Dual Problem for SVM

The dual problem involves maximizing the Lagrange multipliers associated with the support vectors. This transformation allows solving the SVM optimization using kernel functions for non-linear classification.

The dual objective function is given by:

\underset{\alpha}{\text{maximize }} \frac{1}{2} \sum_{i=1}^{m} \sum_{j=1}^{m} \alpha_i \alpha_j t_i t_j K(x_i, x_j) - \sum_{i=1}^{m} \alpha_i

Where:

The dual formulation optimizes the Lagrange multipliers \alpha_i​ and the support vectors are those training samples where \alpha_i > 0.

**SVM Decision Boundary

Once the dual problem is solved, the decision boundary is given by:

w = \sum_{i=1}^{m} \alpha_i t_i K(x_i, x) + b

Where w is the weight vector, x is the test data point and b is the bias term. Finally the bias term b is determined by the support vectors, which satisfy:

t_i (w^T x_i - b) = 1 \quad \Rightarrow \quad b = w^T x_i - t_i

Where x_i​ is any support vector.

This completes the mathematical framework of the Support Vector Machine algorithm which allows for both linear and non-linear classification using the dual problem and kernel trick.

Types of Support Vector Machine

Based on the nature of the decision boundary, Support Vector Machines (SVM) can be divided into two main parts:

**Implementing SVM Algorithm in Python

Predict if cancer is Benign or malignant. Using historical data about patients diagnosed with cancer enables doctors to differentiate malignant cases and benign ones are given independent attributes.

Load the important packages

from sklearn.datasets import load_breast_cancer import matplotlib.pyplot as plt from sklearn.inspection import DecisionBoundaryDisplay from sklearn.svm import SVC

Load the datasets

cancer = load_breast_cancer() X = cancer.data[:, :2] y = cancer.target

#Build the model svm = SVC(kernel="rbf", gamma=0.5, C=1.0)

Trained the model

svm.fit(X, y)

Plot Decision Boundary

DecisionBoundaryDisplay.from_estimator( svm, X, response_method="predict", cmap=plt.cm.Spectral, alpha=0.8, xlabel=cancer.feature_names[0], ylabel=cancer.feature_names[1], )

Scatter plot

plt.scatter(X[:, 0], X[:, 1], c=y, s=20, edgecolors="k") plt.show()

`

**Output:

Breast Cancer Classifications with SVM RBF kernel-Geeksforgeeks

Breast Cancer Classifications with SVM RBF kernel

**Advantages of Support Vector Machine (SVM)

  1. **High-Dimensional Performance: SVM excels in high-dimensional spaces, making it suitable for image classification and gene expression analysis.
  2. **Nonlinear Capability: Utilizing kernel functions like RBF and polynomial SVM effectively handles nonlinear relationships.
  3. **Outlier Resilience: The soft margin feature allows SVM to ignore outliers, enhancing robustness in spam detection and anomaly detection.
  4. **Binary and Multiclass Support: SVM is effective for both binary classification and multiclass classification suitable for applications in text classification.
  5. **Memory Efficiency: It focuses on support vectors making it memory efficient compared to other algorithms.

**Disadvantages of Support Vector Machine (SVM)

  1. **Slow Training: SVM can be slow for large datasets, affecting performance in SVM in data mining tasks.
  2. **Parameter Tuning Difficulty: Selecting the right kernel and adjusting parameters like C requires careful tuning, impacting SVM algorithms.
  3. **Noise Sensitivity: SVM struggles with noisy datasets and overlapping classes, limiting effectiveness in real-world scenarios.
  4. **Limited Interpretability: The complexity of the hyperplane in higher dimensions makes SVM less interpretable than other models.
  5. **Feature Scaling Sensitivity: Proper feature scaling is essential, otherwise SVM models may perform poorly.