Multiclass Support Vector Machine exercise

Complete and hand in this completed worksheet (including its outputs and any supporting code outside of the worksheet) with your assignment submission. For more details see the assignments page on the course website.

In this exercise you will:

  • implement a fully-vectorized loss function for the SVM
  • implement the fully-vectorized expression for its analytic gradient
  • check your implementation using numerical gradient
  • use a validation set to tune the learning rate and regularization strength
  • optimize the loss function with SGD
  • visualize the final learned weights

In [191]:
# Run some setup code for this notebook.

import random
import numpy as np
from data_utils import load_CIFAR10
import matplotlib.pyplot as plt

# This is a bit of magic to make matplotlib figures appear inline in the
# notebook rather than in a new window.
%matplotlib inline
plt.rcParams['figure.figsize'] = (10.0, 8.0) # set default size of plots
plt.rcParams['image.interpolation'] = 'nearest'
plt.rcParams['image.cmap'] = 'gray'

# Some more magic so that the notebook will reload external python modules;
# see http://stackoverflow.com/questions/1907993/autoreload-of-modules-in-ipython
%load_ext autoreload
%autoreload 2


The autoreload extension is already loaded. To reload it, use:
  %reload_ext autoreload

CIFAR-10 Data Loading and Preprocessing


In [192]:
# Load the raw CIFAR-10 data.
cifar10_dir = 'cifar-10-batches-py'
X_train, y_train, X_test, y_test = load_CIFAR10(cifar10_dir)

# As a sanity check, we print out the size of the training and test data.
print 'Training data shape: ', X_train.shape
print 'Training labels shape: ', y_train.shape
print 'Test data shape: ', X_test.shape
print 'Test labels shape: ', y_test.shape


Training data shape:  (50000, 32, 32, 3)
Training labels shape:  (50000,)
Test data shape:  (10000, 32, 32, 3)
Test labels shape:  (10000,)

In [193]:
# Visualize some examples from the dataset.
# We show a few examples of training images from each class.
classes = ['plane', 'car', 'bird', 'cat', 'deer', 'dog', 'frog', 'horse', 'ship', 'truck']
num_classes = len(classes)
samples_per_class = 7
for y, cls in enumerate(classes):
    idxs = np.flatnonzero(y_train == y)
    idxs = np.random.choice(idxs, samples_per_class, replace=False)
    for i, idx in enumerate(idxs):
        plt_idx = i * num_classes + y + 1
        plt.subplot(samples_per_class, num_classes, plt_idx)
        plt.imshow(X_train[idx].astype('uint8'))
        plt.axis('off')
        if i == 0:
            plt.title(cls)
plt.show()



In [194]:
# Split the data into train, val, and test sets. In addition we will
# create a small development set as a subset of the training data;
# we can use this for development so our code runs faster.
num_training = 49000
num_validation = 1000
num_test = 1000
num_dev = 500

# Our validation set will be num_validation points from the original
# training set.
mask = range(num_training, num_training + num_validation)
X_val = X_train[mask]
y_val = y_train[mask]

# Our training set will be the first num_train points from the original
# training set.
mask = range(num_training)
X_train = X_train[mask]
y_train = y_train[mask]

# We will also make a development set, which is a small subset of
# the training set.
mask = np.random.choice(num_training, num_dev, replace=False)
X_dev = X_train[mask]
y_dev = y_train[mask]

# We use the first num_test points of the original test set as our
# test set.
mask = range(num_test)
X_test = X_test[mask]
y_test = y_test[mask]

print 'Train data shape: ', X_train.shape
print 'Train labels shape: ', y_train.shape
print 'Validation data shape: ', X_val.shape
print 'Validation labels shape: ', y_val.shape
print 'Test data shape: ', X_test.shape
print 'Test labels shape: ', y_test.shape


Train data shape:  (49000, 32, 32, 3)
Train labels shape:  (49000,)
Validation data shape:  (1000, 32, 32, 3)
Validation labels shape:  (1000,)
Test data shape:  (1000, 32, 32, 3)
Test labels shape:  (1000,)

In [195]:
# Preprocessing: reshape the image data into rows
X_train = np.reshape(X_train, (X_train.shape[0], -1))
X_val = np.reshape(X_val, (X_val.shape[0], -1))
X_test = np.reshape(X_test, (X_test.shape[0], -1))
X_dev = np.reshape(X_dev, (X_dev.shape[0], -1))

# As a sanity check, print out the shapes of the data
print 'Training data shape: ', X_train.shape
print 'Validation data shape: ', X_val.shape
print 'Test data shape: ', X_test.shape
print 'dev data shape: ', X_dev.shape


Training data shape:  (49000, 3072)
Validation data shape:  (1000, 3072)
Test data shape:  (1000, 3072)
dev data shape:  (500, 3072)

In [196]:
# Preprocessing: subtract the mean image
# first: compute the image mean based on the training data
mean_image = np.mean(X_train, axis=0)
print mean_image[:10] # print a few of the elements
plt.figure(figsize=(4,4))
plt.imshow(mean_image.reshape((32,32,3)).astype('uint8')) # visualize the mean image
plt.show()


[ 130.64189796  135.98173469  132.47391837  130.05569388  135.34804082
  131.75402041  130.96055102  136.14328571  132.47636735  131.48467347]

In [197]:
# second: subtract the mean image from train and test data
X_train -= mean_image
X_val -= mean_image
X_test -= mean_image
X_dev -= mean_image

In [198]:
# third: append the bias dimension of ones (i.e. bias trick) so that our SVM
# only has to worry about optimizing a single weight matrix W.
X_train = np.hstack([X_train, np.ones((X_train.shape[0], 1))])
X_val = np.hstack([X_val, np.ones((X_val.shape[0], 1))])
X_test = np.hstack([X_test, np.ones((X_test.shape[0], 1))])
X_dev = np.hstack([X_dev, np.ones((X_dev.shape[0], 1))])

print X_train.shape, X_val.shape, X_test.shape, X_dev.shape


(49000, 3073) (1000, 3073) (1000, 3073) (500, 3073)

SVM Classifier

Your code for this section will all be written inside cs231n/classifiers/linear_svm.py.

As you can see, we have prefilled the function compute_loss_naive which uses for loops to evaluate the multiclass SVM loss function.


In [200]:
# Evaluate the naive implementation of the loss we provided for you:
from classifiers.linear_svm import svm_loss_naive
import time

# generate a random SVM weight matrix of small numbers
W = np.random.randn(3073, 10) * 0.0001 

loss, grad = svm_loss_naive(W, X_dev, y_dev, 0.00001)
print 'loss: %f' % (loss, )
print grad[:4,:4]


loss: 9.355195
[[-18.09685049 -19.35222918   9.79425604   1.19786392]
 [-28.26459367 -17.65164388   6.83815531   9.56484939]
 [-51.58070359 -17.65134735  15.71207763  10.12806873]
 [-20.32809147 -20.63498755   7.33342812   2.18331175]]

The grad returned from the function above is right now all zero. Derive and implement the gradient for the SVM cost function and implement it inline inside the function svm_loss_naive. You will find it helpful to interleave your new code inside the existing function.

To check that you have correctly implemented the gradient correctly, you can numerically estimate the gradient of the loss function and compare the numeric estimate to the gradient that you computed. We have provided code that does this for you:


In [201]:
# Once you've implemented the gradient, recompute it with the code below
# and gradient check it with the function we provided for you

# Compute the loss and its gradient at W.
loss, grad = svm_loss_naive(W, X_dev, y_dev, 0.0)

# Numerically compute the gradient along several randomly chosen dimensions, and
# compare them with your analytically computed gradient. The numbers should match
# almost exactly along all dimensions.
from gradient_check import grad_check_sparse
f = lambda w: svm_loss_naive(w, X_dev, y_dev, 0.0)[0]
grad_numerical = grad_check_sparse(f, W, grad)

# do the gradient check once again with regularization turned on
# you didn't forget the regularization gradient did you?
loss, grad = svm_loss_naive(W, X_dev, y_dev, 1e2)
f = lambda w: svm_loss_naive(w, X_dev, y_dev, 1e2)[0]
grad_numerical = grad_check_sparse(f, W, grad)


(2818, 3)
numerical: -0.404725 analytic: -0.404725, relative error: 8.853530e-11
(2899, 7)
numerical: -15.470275 analytic: -15.470275, relative error: 2.317961e-11
(2978, 2)
numerical: 10.442117 analytic: 10.442117, relative error: 2.373609e-11
(621, 8)
numerical: -18.809796 analytic: -18.809796, relative error: 1.136399e-11
(2260, 2)
numerical: 4.357044 analytic: 4.357044, relative error: 9.641378e-11
(1641, 1)
numerical: 2.921623 analytic: 2.921623, relative error: 5.789941e-12
(258, 0)
numerical: -27.884746 analytic: -27.884746, relative error: 6.134523e-12
(1538, 2)
numerical: -0.236397 analytic: -0.236397, relative error: 7.788844e-10
(964, 8)
numerical: -26.284903 analytic: -26.284903, relative error: 3.799194e-12
(2602, 2)
numerical: -6.038914 analytic: -6.038914, relative error: 6.543854e-11
(2690, 9)
numerical: -6.991853 analytic: -6.991853, relative error: 9.295138e-12
(858, 0)
numerical: -25.126451 analytic: -25.126451, relative error: 1.330476e-11
(2343, 5)
numerical: -36.233731 analytic: -36.233731, relative error: 1.100404e-11
(324, 1)
numerical: -2.451037 analytic: -2.451037, relative error: 7.937797e-11
(2338, 1)
numerical: 38.882354 analytic: 38.882354, relative error: 1.410437e-11
(2750, 5)
numerical: -15.750462 analytic: -15.750462, relative error: 3.127909e-11
(3033, 0)
numerical: 0.295023 analytic: 0.295023, relative error: 6.481211e-11
(990, 3)
numerical: 3.278093 analytic: 3.278093, relative error: 8.798569e-11
(194, 1)
numerical: -1.698502 analytic: -1.698502, relative error: 2.426616e-10
(3057, 1)
numerical: -9.334456 analytic: -9.334456, relative error: 5.673902e-11

Inline Question 1:

It is possible that once in a while a dimension in the gradcheck will not match exactly. What could such a discrepancy be caused by? Is it a reason for concern? What is a simple example in one dimension where a gradient check could fail? Hint: the SVM loss function is not strictly speaking differentiable

Your Answer: fill this in.


In [203]:
# Next implement the function svm_loss_vectorized; for now only compute the loss;
# we will implement the gradient in a moment.
tic = time.time()
loss_naive, grad_naive = svm_loss_naive(W, X_dev, y_dev, 0.00001)
toc = time.time()
print 'Naive loss: %e computed in %fs' % (loss_naive, toc - tic)

from classifiers.linear_svm import svm_loss_vectorized
tic = time.time()
loss_vectorized, _ = svm_loss_vectorized(W, X_dev, y_dev, 0.00001)
toc = time.time()
print 'Vectorized loss: %e computed in %fs' % (loss_vectorized, toc - tic)

# The losses should match but your vectorized implementation should be much faster.
print 'difference: %f' % (loss_naive - loss_vectorized)


Naive loss: 9.355195e+00 computed in 0.096398s
Vectorized loss: 9.355195e+00 computed in 0.009434s
difference: 0.000000

In [206]:
cores = X_dev.dot(W)
orrect_class_scores = cores[np.arange(X_dev.shape[0]),y_dev]
argins = cores - orrect_class_scores[:, np.newaxis] + 1
print cores.shape, orrect_class_scores[:, np.newaxis].shape, argins.shape

#check value of margins for j == y_j
ii=200
print argins[ii,y_dev[ii]]


(500, 10) (500, 1) (500, 10)
1.0

In [208]:
# Complete the implementation of svm_loss_vectorized, and compute the gradient
# of the loss function in a vectorized way.

# The naive implementation and the vectorized implementation should match, but
# the vectorized version should still be much faster.
tic = time.time()
_, grad_naive = svm_loss_naive(W, X_dev, y_dev, 0.00001)
toc = time.time()
print 'Naive loss and gradient: computed in %fs' % (toc - tic)

tic = time.time()
_, grad_vectorized = svm_loss_vectorized(W, X_dev, y_dev, 0.00001)
toc = time.time()
print 'Vectorized loss and gradient: computed in %fs' % (toc - tic)

# The loss is a single number, so it is easy to compare the values computed
# by the two implementations. The gradient on the other hand is a matrix, so
# we use the Frobenius norm to compare them.
difference = np.linalg.norm(grad_naive - grad_vectorized, ord='fro')
print 'difference: %f' % difference


Naive loss and gradient: computed in 0.096315s
Vectorized loss and gradient: computed in 0.009554s
difference: 0.000000

Stochastic Gradient Descent

We now have vectorized and efficient expressions for the loss, the gradient and our gradient matches the numerical gradient. We are therefore ready to do SGD to minimize the loss.


In [213]:
# In the file linear_classifier.py, implement SGD in the function
# LinearClassifier.train() and then run it with the code below.
from classifiers import LinearSVM
svm = LinearSVM()
tic = time.time()
loss_hist = svm.train(X_train, y_train, learning_rate=1e-7, reg=5e4,
                      num_iters=1500, verbose=True)
toc = time.time()
print 'That took %fs' % (toc - tic)


iteration 0 / 1500: loss 780.238626
iteration 100 / 1500: loss 285.732133
iteration 200 / 1500: loss 106.676464
iteration 300 / 1500: loss 42.224025
iteration 400 / 1500: loss 18.899899
iteration 500 / 1500: loss 10.227663
iteration 600 / 1500: loss 7.257000
iteration 700 / 1500: loss 5.924179
iteration 800 / 1500: loss 5.516581
iteration 900 / 1500: loss 5.261852
iteration 1000 / 1500: loss 5.396330
iteration 1100 / 1500: loss 5.379134
iteration 1200 / 1500: loss 5.447656
iteration 1300 / 1500: loss 5.775086
iteration 1400 / 1500: loss 5.125219
That took 4.363763s

In [214]:
# A useful debugging strategy is to plot the loss as a function of
# iteration number:
plt.plot(loss_hist)
plt.xlabel('Iteration number')
plt.ylabel('Loss value')
plt.show()



In [217]:
print X_train.shape, y_train.shape


(49000, 3073) (49000,)

In [225]:
# Write the LinearSVM.predict function and evaluate the performance on both the
# training and validation set
y_train_pred = svm.predict(X_train)
# print y_train_pred[0], y_train[0]
print 'training accuracy: %f' % (np.mean(y_train == y_train_pred), )
y_val_pred = svm.predict(X_val)
print 'validation accuracy: %f' % (np.mean(y_val == y_val_pred), )


6 6
training accuracy: 0.374837
validation accuracy: 0.382000

In [244]:
# Use the validation set to tune hyperparameters (regularization strength and
# learning rate). You should experiment with different ranges for the learning
# rates and regularization strengths; if you are careful you should be able to
# get a classification accuracy of about 0.4 on the validation set.

# learning_rates = [9e-7, 3e-7, 1e-7, 8e-6]
learning_rates = [x * 1e-7 for x in range(1, 10)]
# regularization_strengths = [1e4, 5e4, 3e4]
regularization_strengths = [x * 1e4 for x in range(1, 10)]

# results is dictionary mapping tuples of the form
# (learning_rate, regularization_strength) to tuples of the form
# (training_accuracy, validation_accuracy). The accuracy is simply the fraction
# of data points that are correctly classified.
results = {}
best_val = -1   # The highest validation accuracy that we have seen so far.
best_svm = None # The LinearSVM object that achieved the highest validation rate.

################################################################################
# TODO:                                                                        #
# Write code that chooses the best hyperparameters by tuning on the validation #
# set. For each combination of hyperparameters, train a linear SVM on the      #
# training set, compute its accuracy on the training and validation sets, and  #
# store these numbers in the results dictionary. In addition, store the best   #
# validation accuracy in best_val and the LinearSVM object that achieves this  #
# accuracy in best_svm.                                                        #
#                                                                              #
# Hint: You should use a small value for num_iters as you develop your         #
# validation code so that the SVMs don't take much time to train; once you are #
# confident that your validation code works, you should rerun the validation   #
# code with a larger value for num_iters.                                      #
################################################################################

num_iters= 1500

# for lr, rg in learning_rates, regularization_strengths:
for lr in learning_rates:
    for rg in regularization_strengths:
        svm = LinearSVM()
        loss_hist = svm.train(X_train, y_train, learning_rate=lr, reg=rg,
                      num_iters=num_iters, verbose=False)
        y_train_pred = svm.predict(X_train)
        train_acc = np.mean(y_train == y_train_pred)
        y_val_pred = svm.predict(X_val)
        val_acc = np.mean(y_val == y_val_pred)
        results[(lr, rg)] = (train_acc, val_acc)
        if val_acc > best_val:
            best_val = val_acc
            best_svm = svm

################################################################################
#                              END OF YOUR CODE                                #
################################################################################
    
# Print out results.
for lr, reg in sorted(results):
    train_accuracy, val_accuracy = results[(lr, reg)]
    print 'lr %e reg %e train accuracy: %f val accuracy: %f' % (
                lr, reg, train_accuracy, val_accuracy)
    
print 'best validation accuracy achieved during cross-validation: %f' % best_val


lr 1.000000e-07 reg 1.000000e+04 train accuracy: 0.372939 val accuracy: 0.364000
lr 1.000000e-07 reg 2.000000e+04 train accuracy: 0.379408 val accuracy: 0.388000
lr 1.000000e-07 reg 3.000000e+04 train accuracy: 0.376755 val accuracy: 0.374000
lr 1.000000e-07 reg 4.000000e+04 train accuracy: 0.374429 val accuracy: 0.375000
lr 1.000000e-07 reg 5.000000e+04 train accuracy: 0.364551 val accuracy: 0.374000
lr 1.000000e-07 reg 6.000000e+04 train accuracy: 0.370653 val accuracy: 0.379000
lr 1.000000e-07 reg 7.000000e+04 train accuracy: 0.363245 val accuracy: 0.371000
lr 1.000000e-07 reg 8.000000e+04 train accuracy: 0.363551 val accuracy: 0.380000
lr 1.000000e-07 reg 9.000000e+04 train accuracy: 0.355020 val accuracy: 0.363000
lr 2.000000e-07 reg 1.000000e+04 train accuracy: 0.382898 val accuracy: 0.387000
lr 2.000000e-07 reg 2.000000e+04 train accuracy: 0.379612 val accuracy: 0.375000
lr 2.000000e-07 reg 3.000000e+04 train accuracy: 0.367469 val accuracy: 0.370000
lr 2.000000e-07 reg 4.000000e+04 train accuracy: 0.367898 val accuracy: 0.378000
lr 2.000000e-07 reg 5.000000e+04 train accuracy: 0.358653 val accuracy: 0.379000
lr 2.000000e-07 reg 6.000000e+04 train accuracy: 0.352551 val accuracy: 0.343000
lr 2.000000e-07 reg 7.000000e+04 train accuracy: 0.337796 val accuracy: 0.341000
lr 2.000000e-07 reg 8.000000e+04 train accuracy: 0.346020 val accuracy: 0.346000
lr 2.000000e-07 reg 9.000000e+04 train accuracy: 0.344857 val accuracy: 0.365000
lr 3.000000e-07 reg 1.000000e+04 train accuracy: 0.379122 val accuracy: 0.390000
lr 3.000000e-07 reg 2.000000e+04 train accuracy: 0.374755 val accuracy: 0.379000
lr 3.000000e-07 reg 3.000000e+04 train accuracy: 0.357082 val accuracy: 0.376000
lr 3.000000e-07 reg 4.000000e+04 train accuracy: 0.358490 val accuracy: 0.378000
lr 3.000000e-07 reg 5.000000e+04 train accuracy: 0.347408 val accuracy: 0.349000
lr 3.000000e-07 reg 6.000000e+04 train accuracy: 0.352061 val accuracy: 0.381000
lr 3.000000e-07 reg 7.000000e+04 train accuracy: 0.334633 val accuracy: 0.357000
lr 3.000000e-07 reg 8.000000e+04 train accuracy: 0.343531 val accuracy: 0.338000
lr 3.000000e-07 reg 9.000000e+04 train accuracy: 0.329694 val accuracy: 0.321000
lr 4.000000e-07 reg 1.000000e+04 train accuracy: 0.372612 val accuracy: 0.378000
lr 4.000000e-07 reg 2.000000e+04 train accuracy: 0.366388 val accuracy: 0.362000
lr 4.000000e-07 reg 3.000000e+04 train accuracy: 0.348122 val accuracy: 0.347000
lr 4.000000e-07 reg 4.000000e+04 train accuracy: 0.355020 val accuracy: 0.361000
lr 4.000000e-07 reg 5.000000e+04 train accuracy: 0.339102 val accuracy: 0.349000
lr 4.000000e-07 reg 6.000000e+04 train accuracy: 0.344776 val accuracy: 0.345000
lr 4.000000e-07 reg 7.000000e+04 train accuracy: 0.327224 val accuracy: 0.341000
lr 4.000000e-07 reg 8.000000e+04 train accuracy: 0.335388 val accuracy: 0.346000
lr 4.000000e-07 reg 9.000000e+04 train accuracy: 0.340204 val accuracy: 0.363000
lr 5.000000e-07 reg 1.000000e+04 train accuracy: 0.363571 val accuracy: 0.377000
lr 5.000000e-07 reg 2.000000e+04 train accuracy: 0.337571 val accuracy: 0.365000
lr 5.000000e-07 reg 3.000000e+04 train accuracy: 0.350061 val accuracy: 0.364000
lr 5.000000e-07 reg 4.000000e+04 train accuracy: 0.357204 val accuracy: 0.374000
lr 5.000000e-07 reg 5.000000e+04 train accuracy: 0.329898 val accuracy: 0.339000
lr 5.000000e-07 reg 6.000000e+04 train accuracy: 0.337776 val accuracy: 0.352000
lr 5.000000e-07 reg 7.000000e+04 train accuracy: 0.330429 val accuracy: 0.339000
lr 5.000000e-07 reg 8.000000e+04 train accuracy: 0.325571 val accuracy: 0.342000
lr 5.000000e-07 reg 9.000000e+04 train accuracy: 0.329429 val accuracy: 0.323000
lr 6.000000e-07 reg 1.000000e+04 train accuracy: 0.350571 val accuracy: 0.367000
lr 6.000000e-07 reg 2.000000e+04 train accuracy: 0.342429 val accuracy: 0.352000
lr 6.000000e-07 reg 3.000000e+04 train accuracy: 0.350673 val accuracy: 0.379000
lr 6.000000e-07 reg 4.000000e+04 train accuracy: 0.340224 val accuracy: 0.361000
lr 6.000000e-07 reg 5.000000e+04 train accuracy: 0.336102 val accuracy: 0.352000
lr 6.000000e-07 reg 6.000000e+04 train accuracy: 0.314184 val accuracy: 0.334000
lr 6.000000e-07 reg 7.000000e+04 train accuracy: 0.324898 val accuracy: 0.317000
lr 6.000000e-07 reg 8.000000e+04 train accuracy: 0.305367 val accuracy: 0.307000
lr 6.000000e-07 reg 9.000000e+04 train accuracy: 0.315673 val accuracy: 0.332000
lr 7.000000e-07 reg 1.000000e+04 train accuracy: 0.357347 val accuracy: 0.350000
lr 7.000000e-07 reg 2.000000e+04 train accuracy: 0.336694 val accuracy: 0.344000
lr 7.000000e-07 reg 3.000000e+04 train accuracy: 0.338898 val accuracy: 0.339000
lr 7.000000e-07 reg 4.000000e+04 train accuracy: 0.326694 val accuracy: 0.327000
lr 7.000000e-07 reg 5.000000e+04 train accuracy: 0.331327 val accuracy: 0.332000
lr 7.000000e-07 reg 6.000000e+04 train accuracy: 0.299429 val accuracy: 0.294000
lr 7.000000e-07 reg 7.000000e+04 train accuracy: 0.318449 val accuracy: 0.320000
lr 7.000000e-07 reg 8.000000e+04 train accuracy: 0.314143 val accuracy: 0.312000
lr 7.000000e-07 reg 9.000000e+04 train accuracy: 0.279551 val accuracy: 0.303000
lr 8.000000e-07 reg 1.000000e+04 train accuracy: 0.354224 val accuracy: 0.361000
lr 8.000000e-07 reg 2.000000e+04 train accuracy: 0.341347 val accuracy: 0.367000
lr 8.000000e-07 reg 3.000000e+04 train accuracy: 0.324143 val accuracy: 0.311000
lr 8.000000e-07 reg 4.000000e+04 train accuracy: 0.308224 val accuracy: 0.326000
lr 8.000000e-07 reg 5.000000e+04 train accuracy: 0.318061 val accuracy: 0.337000
lr 8.000000e-07 reg 6.000000e+04 train accuracy: 0.294735 val accuracy: 0.304000
lr 8.000000e-07 reg 7.000000e+04 train accuracy: 0.312490 val accuracy: 0.333000
lr 8.000000e-07 reg 8.000000e+04 train accuracy: 0.322633 val accuracy: 0.324000
lr 8.000000e-07 reg 9.000000e+04 train accuracy: 0.291265 val accuracy: 0.307000
lr 9.000000e-07 reg 1.000000e+04 train accuracy: 0.322796 val accuracy: 0.322000
lr 9.000000e-07 reg 2.000000e+04 train accuracy: 0.288143 val accuracy: 0.291000
lr 9.000000e-07 reg 3.000000e+04 train accuracy: 0.316837 val accuracy: 0.328000
lr 9.000000e-07 reg 4.000000e+04 train accuracy: 0.285694 val accuracy: 0.308000
lr 9.000000e-07 reg 5.000000e+04 train accuracy: 0.319612 val accuracy: 0.323000
lr 9.000000e-07 reg 6.000000e+04 train accuracy: 0.288224 val accuracy: 0.280000
lr 9.000000e-07 reg 7.000000e+04 train accuracy: 0.259551 val accuracy: 0.271000
lr 9.000000e-07 reg 8.000000e+04 train accuracy: 0.274204 val accuracy: 0.287000
lr 9.000000e-07 reg 9.000000e+04 train accuracy: 0.282776 val accuracy: 0.283000
best validation accuracy achieved during cross-validation: 0.390000

In [245]:
# Visualize the cross-validation results
import math
x_scatter = [math.log10(x[0]) for x in results]
y_scatter = [math.log10(x[1]) for x in results]

# plot training accuracy
marker_size = 100
colors = [results[x][0] for x in results]
plt.subplot(2, 1, 1)
plt.scatter(x_scatter, y_scatter, marker_size, c=colors)
plt.colorbar()
plt.xlabel('log learning rate')
plt.ylabel('log regularization strength')
plt.title('CIFAR-10 training accuracy')

# plot validation accuracy
colors = [results[x][1] for x in results] # default size of markers is 20
plt.subplot(2, 1, 2)
plt.scatter(x_scatter, y_scatter, marker_size, c=colors)
plt.colorbar()
plt.xlabel('log learning rate')
plt.ylabel('log regularization strength')
plt.title('CIFAR-10 validation accuracy')
plt.show()



In [246]:
# Evaluate the best svm on test set
y_test_pred = best_svm.predict(X_test)
test_accuracy = np.mean(y_test == y_test_pred)
print 'linear SVM on raw pixels final test set accuracy: %f' % test_accuracy


linear SVM on raw pixels final test set accuracy: 0.360000

In [247]:
# Visualize the learned weights for each class.
# Depending on your choice of learning rate and regularization strength, these may
# or may not be nice to look at.
w = best_svm.W[:-1,:] # strip out the bias
w = w.reshape(32, 32, 3, 10)
w_min, w_max = np.min(w), np.max(w)
classes = ['plane', 'car', 'bird', 'cat', 'deer', 'dog', 'frog', 'horse', 'ship', 'truck']
for i in xrange(10):
  plt.subplot(2, 5, i + 1)
    
  # Rescale the weights to be between 0 and 255 (as input images have been normalized against mean)
  wimg = 255.0 * (w[:, :, :, i].squeeze() - w_min) / (w_max - w_min)
  plt.imshow(wimg.astype('uint8'))
  plt.axis('off')
  plt.title(classes[i])


Inline question 2:

Describe what your visualized SVM weights look like, and offer a brief explanation for why they look they way that they do.

Your answer: the weights are templates learned from the train images

  • e.g. car: a combination of colors and views of the cars present in the train data
  • e.g. horse: a horse with heads left and right
  • e.g. frog: obvious green color
  • e.g. ship: water around a central ship

In [ ]: