In [1]:
%pylab inline
In [2]:
cd /data
Here we'll take a look at a simple facial recognition example. This uses a dataset available within scikit-learn consisting of a subset of the Labeled Faces in the Wild data. Note that this is a relatively large download (~200MB) so it may take a while to execute.
In [3]:
from sklearn import datasets
lfw_people = datasets.fetch_lfw_people(min_faces_per_person=70, resize=0.4,
data_home='datasets')
lfw_people.data.shape
Out[3]:
If you're on a unix-based system such as linux or Mac OSX, these shell commands can be used to see the downloaded dataset:
In [5]:
!ls datasets
In [6]:
!du -sh datasets/lfw_home
Let's visualize these faces to see what we're working with:
In [4]:
fig = plt.figure(figsize=(8, 6))
# plot several images
for i in range(15):
ax = fig.add_subplot(3, 5, i + 1, xticks=[], yticks=[])
ax.imshow(lfw_people.images[i], cmap=plt.cm.bone)
In [7]:
plt.figure(figsize=(10, 2))
unique_targets = np.unique(lfw_people.target)
counts = [(lfw_people.target == i).sum() for i in unique_targets]
plt.xticks(unique_targets, lfw_people.target_names[unique_targets])
locs, labels = plt.xticks()
plt.setp(labels, rotation=45, size=14)
_ = plt.bar(unique_targets, counts)
One thing to note is that these faces have already been localized and scaled to a common size. This is an important preprocessing piece for facial recognition, and is a process that can require a large collection of training data. This can be done in scikit-learn, but the challenge is gathering a sufficient amount of training data for the algorithm to work
Fortunately, this piece is common enough that it has been done. One good resource is OpenCV, the Open Computer Vision Library.
We'll perform a Support Vector classification of the images. We'll do a typical train-test split on the images to make this happen:
In [8]:
from sklearn.cross_validation import train_test_split
X_train, X_test, y_train, y_test = train_test_split(lfw_people.data, lfw_people.target, random_state=0)
print X_train.shape, X_test.shape
1850 dimensions is a lot for SVM. We can use PCA to reduce these 1850 features to a manageable
size, while maintaining most of the information in the dataset. Here it is useful to use a variant
of PCA called RandomizedPCA
, which is an approximation of PCA that can be much faster for large
datasets. The interface is the same as the normal PCA we saw earlier:
In [9]:
from sklearn import decomposition
pca = decomposition.RandomizedPCA(n_components=150, whiten=True)
pca.fit(X_train)
Out[9]:
One interesting part of PCA is that it computes the "mean" face, which can be interesting to examine:
In [10]:
plt.imshow(pca.mean_.reshape((50, 37)), cmap=plt.cm.bone)
Out[10]:
The principal components measure deviations about this mean along orthogonal axes. It is also interesting to visualize these principal components:
In [11]:
print pca.components_.shape
In [12]:
fig = plt.figure(figsize=(16, 6))
for i in range(30):
ax = fig.add_subplot(3, 10, i + 1, xticks=[], yticks=[])
ax.imshow(pca.components_[i].reshape((50, 37)), cmap=plt.cm.bone)
The components ("eigenfaces") are ordered by their importance from top-left to bottom-right. We see that the first few components seem to primarily take care of lighting conditions; the remaining components pull out certain identifying features: the nose, eyes, eyebrows, etc.
With this projection computed, we can now project our original training and test data onto the PCA basis:
In [13]:
X_train_pca = pca.transform(X_train)
X_test_pca = pca.transform(X_test)
In [14]:
print X_train_pca.shape
print X_test_pca.shape
These projected components correspond to factors in a linear combination of component images such that the combination approaches the original face.
Now we'll perform support-vector-machine classification on this reduced dataset:
In [15]:
from sklearn import svm
clf = svm.SVC(C=5., gamma=0.001)
clf.fit(X_train_pca, y_train)
Out[15]:
Check the algorithms cheat-sheet:
http://scikit-learn.org/stable/tutorial/machine_learning_map/index.html
Finally, we can evaluate how well this classification did. First, we might plot a few of the test-cases with the labels learned from the training set:
In [16]:
fig = plt.figure(figsize=(8, 6))
for i in range(15):
ax = fig.add_subplot(3, 5, i + 1, xticks=[], yticks=[])
ax.imshow(X_test[i].reshape((50, 37)), cmap=plt.cm.bone)
y_pred = clf.predict(X_test_pca[i])[0]
color = 'black' if y_pred == y_test[i] else 'red'
ax.set_title(lfw_people.target_names[y_pred], fontsize='small', color=color)
The classifier is correct on an impressive number of images given the simplicity of its learning model! Using a linear classifier on 150 features derived from the pixel-level data, the algorithm correctly identifies a large number of the people in the images.
Again, we can
quantify this effectiveness using one of several measures from the sklearn.metrics
module. First we can do the classification report, which shows the precision,
recall and other measures of the "goodness" of the classification:
In [17]:
from sklearn import metrics
y_pred = clf.predict(X_test_pca)
print(metrics.classification_report(y_test, y_pred, target_names=lfw_people.target_names))
Another interesting metric is the confusion matrix, which indicates how often any two items are mixed-up. The confusion matrix of a perfect classifier would only have nonzero entries on the diagonal, with zeros on the off-diagonal.
In [18]:
print(metrics.confusion_matrix(y_test, y_pred))
In [19]:
print(metrics.f1_score(y_test, y_pred))
Above we used PCA as a pre-processing step before applying our support vector machine classifier.
Plugging the output of one estimator directly into the input of a second estimator is a commonly
used pattern; for this reason scikit-learn provides a Pipeline
object which automates this
process. The above problem can be re-expressed as a pipeline as follows:
In [20]:
from sklearn.pipeline import Pipeline
In [21]:
clf = Pipeline([('pca', decomposition.RandomizedPCA(n_components=150, whiten=True)),
('svm', svm.LinearSVC(C=1.0))])
In [22]:
clf.fit(X_train, y_train)
Out[22]:
In [23]:
y_pred = clf.predict(X_test)
In [24]:
print metrics.confusion_matrix(y_pred, y_test)
The results are not identical because we used the randomized version of the PCA -- because the projection varies slightly each time, the results vary slightly as well.
Here we have used PCA "eigenfaces" as a pre-processing step for facial recognition. The reason we chose this is because PCA is a broadly-applicable technique, which can be useful for a wide array of data types. Research in the field of facial recognition in particular, however, has shown that other more specific feature extraction methods are can be much more effective.