"With this new dataset, we can now train a SVM with the same params."
"With this new dataset, we can now train a SVM with the same params."
...
@@ -349,7 +349,7 @@
...
@@ -349,7 +349,7 @@
{
{
"cell_type": "code",
"cell_type": "code",
"execution_count": null,
"execution_count": null,
"id": "8dc4a410",
"id": "ab220d66",
"metadata": {},
"metadata": {},
"outputs": [],
"outputs": [],
"source": [
"source": [
...
@@ -359,7 +359,7 @@
...
@@ -359,7 +359,7 @@
},
},
{
{
"cell_type": "markdown",
"cell_type": "markdown",
"id": "396c7337",
"id": "044b30ea",
"metadata": {},
"metadata": {},
"source": [
"source": [
"Let's make some inspection on the results of the training"
"Let's make some inspection on the results of the training"
...
@@ -368,7 +368,7 @@
...
@@ -368,7 +368,7 @@
{
{
"cell_type": "code",
"cell_type": "code",
"execution_count": null,
"execution_count": null,
"id": "6c8bfe0d",
"id": "20cd715f",
"metadata": {},
"metadata": {},
"outputs": [],
"outputs": [],
"source": [
"source": [
...
@@ -377,7 +377,7 @@
...
@@ -377,7 +377,7 @@
},
},
{
{
"cell_type": "markdown",
"cell_type": "markdown",
"id": "43d511a9",
"id": "82b7f205",
"metadata": {},
"metadata": {},
"source": [
"source": [
"With the \"vanilla SVM\", we got ~7300 support vectors for a training set of 60000 samples, so ~12 % of the dataset.\n",
"With the \"vanilla SVM\", we got ~7300 support vectors for a training set of 60000 samples, so ~12 % of the dataset.\n",
...
@@ -389,7 +389,7 @@
...
@@ -389,7 +389,7 @@
{
{
"cell_type": "code",
"cell_type": "code",
"execution_count": null,
"execution_count": null,
"id": "a196291b",
"id": "23b80cd6",
"metadata": {},
"metadata": {},
"outputs": [],
"outputs": [],
"source": [
"source": [
...
@@ -403,7 +403,7 @@
...
@@ -403,7 +403,7 @@
},
},
{
{
"cell_type": "markdown",
"cell_type": "markdown",
"id": "bbda2f32",
"id": "efad7eb6",
"metadata": {},
"metadata": {},
"source": [
"source": [
"The time for the SVM to predict the test dataset is about 200s, which is much more than th vanilla SVM.\n",
"The time for the SVM to predict the test dataset is about 200s, which is much more than th vanilla SVM.\n",
...
@@ -415,7 +415,7 @@
...
@@ -415,7 +415,7 @@
{
{
"cell_type": "code",
"cell_type": "code",
"execution_count": null,
"execution_count": null,
"id": "2c99def0",
"id": "9c9bcd87",
"metadata": {},
"metadata": {},
"outputs": [],
"outputs": [],
"source": [
"source": [
...
@@ -430,7 +430,7 @@
...
@@ -430,7 +430,7 @@
{
{
"cell_type": "code",
"cell_type": "code",
"execution_count": null,
"execution_count": null,
"id": "29d1ff85",
"id": "fe0437c5",
"metadata": {},
"metadata": {},
"outputs": [],
"outputs": [],
"source": [
"source": [
...
@@ -441,7 +441,7 @@
...
@@ -441,7 +441,7 @@
{
{
"cell_type": "code",
"cell_type": "code",
"execution_count": null,
"execution_count": null,
"id": "947b0895",
"id": "5de4d361",
"metadata": {},
"metadata": {},
"outputs": [],
"outputs": [],
"source": [
"source": [
...
@@ -454,7 +454,7 @@
...
@@ -454,7 +454,7 @@
},
},
{
{
"cell_type": "markdown",
"cell_type": "markdown",
"id": "ed73c147",
"id": "d7cee3dd",
"metadata": {},
"metadata": {},
"source": [
"source": [
"We can see that the error is smaller than the error of the vanilla SVM (2.2 % vs 3.4 %)."
"We can see that the error is smaller than the error of the vanilla SVM (2.2 % vs 3.4 %)."
...
@@ -462,7 +462,7 @@
...
@@ -462,7 +462,7 @@
},
},
{
{
"cell_type": "markdown",
"cell_type": "markdown",
"id": "2fc76a50",
"id": "1ec4101a",
"metadata": {},
"metadata": {},
"source": [
"source": [
"### Conclusion\n",
"### Conclusion\n",
...
...
%% Cell type:markdown id:5c8980bd tags:
%% Cell type:markdown id:5c8980bd tags:
# AOS1 - Assignment
# AOS1 - Assignment
## Improving the accuracy and speed of support vector machines
## Improving the accuracy and speed of support vector machines
Authors : Mathilde Rineau, Rémy Huet
Authors : Mathilde Rineau, Rémy Huet
### Abstract
### Abstract
The paper "Improving the Accuracy and Speed of Support Vector Machines" by Burges and Schölkopf is investigating a method to improve ht speed an accuracy of a support vector machine.
The paper "Improving the Accuracy and Speed of Support Vector Machines" by Burges and Schölkopf is investigating a method to improve ht speed an accuracy of a support vector machine.
As the authors say, SVM are wildly used for several applications.
As the authors say, SVM are wildly used for several applications.
To improve this method, the authors make the difference between two types of improvements to achieve :
To improve this method, the authors make the difference between two types of improvements to achieve :
- improving the generalization performance;
- improving the generalization performance;
- improving the speed in test phase.
- improving the speed in test phase.
The authors propose and combine two methods to improve SVM performances : the "virtual support vector" method and the "reduced set" method.
The authors propose and combine two methods to improve SVM performances : the "virtual support vector" method and the "reduced set" method.
With those two improvements, they announce a machine much faster (22 times than the original one) and more precise (1.1% vs 1.4% error) than the original one.
With those two improvements, they announce a machine much faster (22 times than the original one) and more precise (1.1% vs 1.4% error) than the original one.
In this assignment, we will implement the first method to test it.
In this assignment, we will implement the first method to test it.
%% Cell type:markdown id:12aaeba6 tags:
%% Cell type:markdown id:12aaeba6 tags:
### First part : tests with a vanilla SVM
### First part : tests with a vanilla SVM
In this first part, we will use a vanilla SVM on the MINST dataset with the provided params.
In this first part, we will use a vanilla SVM on the MINST dataset with the provided params.
We will observe the error of the SVM and the time for the test phase to compare them with the improved version
We will observe the error of the SVM and the time for the test phase to compare them with the improved version
%% Cell type:code id:9f152334 tags:
%% Cell type:code id:9f152334 tags:
```
```
# We will work on the mnist data set
# We will work on the mnist data set
# We load it from fetch_openml
# We load it from fetch_openml
from sklearn.datasets import fetch_openml
from sklearn.datasets import fetch_openml
import matplotlib.pyplot as plt
import matplotlib.pyplot as plt
import numpy as np
import numpy as np
X, y = fetch_openml('mnist_784', version=1, return_X_y=True, as_frame=False)
X, y = fetch_openml('mnist_784', version=1, return_X_y=True, as_frame=False)
```
```
%% Cell type:markdown id:855cdb06 tags:
%% Cell type:markdown id:855cdb06 tags:
We do some inspection on the dataset :
We do some inspection on the dataset :
%% Cell type:code id:708c8ea1 tags:
%% Cell type:code id:708c8ea1 tags:
```
```
# We print the caracteristics of X and Y
# We print the caracteristics of X and Y
print(X.shape)
print(X.shape)
print(y.shape)
print(y.shape)
# Values taken by y
# Values taken by y
print(np.unique(y))
print(np.unique(y))
image = np.reshape(X[0], (28, 28))
image = np.reshape(X[0], (28, 28))
plt.imshow(image, cmap='gray')
plt.imshow(image, cmap='gray')
```
```
%% Cell type:markdown id:4e49be54 tags:
%% Cell type:markdown id:4e49be54 tags:
The dataset contains 70k samples of 784 features.
The dataset contains 70k samples of 784 features.
The classes are 0 to 9 (the digits on the images).
The classes are 0 to 9 (the digits on the images).
The features are the pixels of a 28 x 28 image that we can retrieve using numpy's reshape function.
The features are the pixels of a 28 x 28 image that we can retrieve using numpy's reshape function.
For example, the 1st image is a 5.
For example, the 1st image is a 5.
%% Cell type:markdown id:60f31892 tags:
%% Cell type:markdown id:60f31892 tags:
With our dataset, we can generate a training dataset and a testing dataset.
With our dataset, we can generate a training dataset and a testing dataset.
As in the article, we will use 60k samples as training samples and 10k as testing.
As in the article, we will use 60k samples as training samples and 10k as testing.
We split the dataset using the `train_test_split` function from `sklearn`.
We split the dataset using the `train_test_split` function from `sklearn`.
%% Cell type:code id:4d3fa1c7 tags:
%% Cell type:code id:4d3fa1c7 tags:
```
```
# We divide the data set in two parts: train set and test set
# We divide the data set in two parts: train set and test set
# According to the recommended values the train set's size is 60000 and the test set's size is 10000
# According to the recommended values the train set's size is 60000 and the test set's size is 10000
from sklearn.model_selection import train_test_split
from sklearn.model_selection import train_test_split
Using the previously trained SVM, we make a prediction on the test dataset.
Using the previously trained SVM, we make a prediction on the test dataset.
One of the measured performance of the SVM in this article is the speed of the test phase.
One of the measured performance of the SVM in this article is the speed of the test phase.
We thus measure it.
We thus measure it.
%% Cell type:code id:8cb28178 tags:
%% Cell type:code id:8cb28178 tags:
```
```
import time
import time
start = time.time()
start = time.time()
# We predict the values for our test set
# We predict the values for our test set
y_pred = svc.predict(X_test)
y_pred = svc.predict(X_test)
end = time.time()
end = time.time()
print(f'Elapsed time : {end - start}')
print(f'Elapsed time : {end - start}')
```
```
%% Cell type:markdown id:90f08e8b tags:
%% Cell type:markdown id:90f08e8b tags:
Of course the prediction time varies between two splits of the dataset, two computers and two executions, but we will retain that is is close from 70s.
Of course the prediction time varies between two splits of the dataset, two computers and two executions, but we will retain that is is close from 70s.
Using `y_test` the real classes of the `X_test` samples and `y_pred` the predicted classes from the SVM, we can compute the confusion matrix and the error to see the how good the predictions are.
Using `y_test` the real classes of the `X_test` samples and `y_pred` the predicted classes from the SVM, we can compute the confusion matrix and the error to see the how good the predictions are.
%% Cell type:code id:c1248238 tags:
%% Cell type:code id:c1248238 tags:
```
```
# We compute the confusion matrix
# We compute the confusion matrix
from sklearn.metrics import ConfusionMatrixDisplay, classification_report, accuracy_score
from sklearn.metrics import ConfusionMatrixDisplay, classification_report, accuracy_score
disp.figure_.suptitle('Confusion matrix for the vanilla SVM')
disp.figure_.suptitle('Confusion matrix for the vanilla SVM')
plt.show()
plt.show()
```
```
%% Cell type:code id:ba4e38ac tags:
%% Cell type:code id:ba4e38ac tags:
```
```
# We print the classification report
# We print the classification report
print(classification_report(y_test, y_pred))
print(classification_report(y_test, y_pred))
```
```
%% Cell type:code id:947b0895 tags:
%% Cell type:code id:947b0895 tags:
```
```
# We print the accuracy of the SVC and the error rate
# We print the accuracy of the SVC and the error rate
acc = accuracy_score(y_test, y_pred)
acc = accuracy_score(y_test, y_pred)
print("Accuracy: ", acc)
print("Accuracy: ", acc)
print("Error rate: ", (1-acc) * 100, "%")
print("Error rate: ", (1-acc) * 100, "%")
```
```
%% Cell type:markdown id:8f780139 tags:
%% Cell type:markdown id:8f780139 tags:
As earlier, the values are affected by the selection of the training and testing dateset. Wi will retain a value of 3.4 % for the error.
As earlier, the values are affected by the selection of the training and testing dateset. Wi will retain a value of 3.4 % for the error.
The method described py the authors relies on the support vectors of the previously trained SVM.
The method described py the authors relies on the support vectors of the previously trained SVM.
We will thus do some inspection on them before going further.
We will thus do some inspection on them before going further.
%% Cell type:code id:81b09df7 tags:
%% Cell type:code id:81b09df7 tags:
```
```
s_vects = svc.support_vectors_
s_vects = svc.support_vectors_
print(s_vects.shape)
print(s_vects.shape)
v = s_vects[0]
v = s_vects[0]
v_index = svc.support_[0]
v_index = svc.support_[0]
v_class = y_train[v_index]
v_class = y_train[v_index]
print(v_index)
print(v_index)
print(v_class)
print(v_class)
print(f'Class of the first support vector : {v_class}')
print(f'Class of the first support vector : {v_class}')
img = np.reshape(v, (28, 28))
img = np.reshape(v, (28, 28))
plt.imshow(img, cmap='gray')
plt.imshow(img, cmap='gray')
```
```
%% Cell type:markdown id:14cb2622 tags:
%% Cell type:markdown id:14cb2622 tags:
There are around 7300 support vectors in the SVM.
There are around 7300 support vectors in the SVM.
Each support vector is a sample of `X_train`. We can thus retrieve its class using its index on the train dataset, and display it as an image as above.
Each support vector is a sample of `X_train`. We can thus retrieve its class using its index on the train dataset, and display it as an image as above.
%% Cell type:markdown id:fa1d441f tags:
%% Cell type:markdown id:fa1d441f tags:
### Implementing the "Virtual Support Vectors" method
### Implementing the "Virtual Support Vectors" method
We will now implement the "Virtual Support Vectors" as proposed by the authors.
We will now implement the "Virtual Support Vectors" as proposed by the authors.
The aim of this method is to add some invariance in the data to make the previsions more robust.
The aim of this method is to add some invariance in the data to make the previsions more robust.
For a given trained SVM, we now that the only data relevant for classification are the support vectors.
For a given trained SVM, we now that the only data relevant for classification are the support vectors.
We will thus re-train a SVM, but with different data created from the support vectors.
We will thus re-train a SVM, but with different data created from the support vectors.
Here, the invariance proposed is shifting the image to one of the four directions.
Here, the invariance proposed is shifting the image to one of the four directions.
For each support vector, we will shift the image to the four directions, and use those images as a new dataset.
For each support vector, we will shift the image to the four directions, and use those images as a new dataset.
disp.figure_.suptitle('Confusion matrix for the vanilla SVM')
disp.figure_.suptitle('Confusion matrix for the vanilla SVM')
plt.show()
plt.show()
```
```
%% Cell type:code id:29d1ff85 tags:
%% Cell type:code id:fe0437c5 tags:
```
```
# We print the classification report
# We print the classification report
print(classification_report(y_test, y_pred))
print(classification_report(y_test, y_pred))
```
```
%% Cell type:code id:947b0895 tags:
%% Cell type:code id:5de4d361 tags:
```
```
# We print the accuracy of the SVC and the error rate
# We print the accuracy of the SVC and the error rate
acc = accuracy_score(y_test, y_pred)
acc = accuracy_score(y_test, y_pred)
print("Accuracy: ", acc)
print("Accuracy: ", acc)
print("Error rate: ", (1-acc) * 100, "%")
print("Error rate: ", (1-acc) * 100, "%")
```
```
%% Cell type:markdown id:ed73c147 tags:
%% Cell type:markdown id:d7cee3dd tags:
We can see that the error is smaller than the error of the vanilla SVM (2.2 % vs 3.4 %).
We can see that the error is smaller than the error of the vanilla SVM (2.2 % vs 3.4 %).
%% Cell type:markdown id:2fc76a50 tags:
%% Cell type:markdown id:1ec4101a tags:
### Conclusion
### Conclusion
By implementing the "virtual support vectors" technique, we were able to ass some invariance in the data.
By implementing the "virtual support vectors" technique, we were able to ass some invariance in the data.
This modification allowed an improvement of the accuracy of the SVM.
This modification allowed an improvement of the accuracy of the SVM.
However, most of the new data generated from the support vectors were selected as support vectors for the second machine.
However, most of the new data generated from the support vectors were selected as support vectors for the second machine.
The augmentation of the number of support vectors led to an augmentation of the computation time during the test phase.
The augmentation of the number of support vectors led to an augmentation of the computation time during the test phase.
That is why the authors suggest in the article to use a second technique to create a reduced set of vectors to reduce the computation time in the test phase.
That is why the authors suggest in the article to use a second technique to create a reduced set of vectors to reduce the computation time in the test phase.