245a833113 | ||
---|---|---|
batch-represent | ||
demos | ||
evaluation | ||
facenet | ||
images | ||
models | ||
training | ||
util | ||
.gitignore | ||
.gitmodules | ||
Dockerfile | ||
LICENSE | ||
README.md | ||
cloc.sh |
README.md
FaceNet
This is a Python and Torch implementation of the CVPR 2015 paper FaceNet: A Unified Embedding for Face Recognition and Clustering by Florian Schroff, Dmitry Kalenichenko, and James Philbin at Google using publicly available libraries and datasets. Torch allows the network to be executed on a CPU or with CUDA.
Crafted by Brandon Amos in the Elijah research group at Carnegie Mellon University.
Isn't face recognition a solved problem?
No! Accuracies from research papers have just begun to surpass human accuracies on some benchmarks. The accuracies of open source face recognition systems lag behind the state-of-the-art. See our accuracy comparisons on the famous LFW benchmark below.
The following example shows the workflow for a single input image of Sylvestor Stallone from the publicly available LFW dataset.
- Detect faces with a pre-trained models from dlib or OpenCV.
- Transform the face for the neural network. This repository uses dlib's real-time pose estimation with OpenCV's affine transformation to try to make the eyes and nose appear in the same location on each image.
- Use a deep neural network to represent (or embed) the face on a 128-dimensional unit hypersphere. The embedding is a generic representation for anybody's face. Unlike other face representations, this embedding has the nice property that a larger distance between two face embeddings means that the faces are likely not of the same person. This trivializes clustering, similarity detection, and classification tasks.
Help Wanted!
As the following table shows, the forefront of deep learning research is driven by large private datasets. In face recognition, there are no open source implementations or models trained on these datasets. If you have access to a large dataset, we are very interested in training a new FaceNet model with it. Please contact Brandon Amos at bamos@cs.cmu.edu.
Dataset | Public | #Photos | #People |
---|---|---|---|
DeepFace (Facebook) | No | 4.4 Million | 4k |
Web-Scale Training... (Facebook) | No | 500 Million | 10 Million |
FaceNet (Google) | No | 100-200 Million | 8 Million |
FaceScrub | Yes | 100k | 500 |
CASIA-WebFace | Yes | 500k | 10k |
What's in this repository?
- batch-represent: Generate representations from a batch of images, stored in a directory by names.
- demos/www: Real-time web demo.
- demos/compare.py: Compare two images.
- evaluation: LFW accuracy evaluation scripts.
- facenet: Python library code.
- images: Images used in the README.
- models: Location of binary models.
- training: Scripts to train new models.
- util: Utility scripts.
Real-Time Web Demo
See our YouTube video of using this in a real-time web application for face recognition. The source is available in demos/web.
From the demos/web
directory, install requirements
with ./install-deps.sh
and sudo pip install -r requirements.txt
.
Comparing two images
The comparison demo outputs the predicted similarity
score of two faces by computing the squared L2 distance between
their representations.
A lower score indicates two faces are more likely of the same person.
Since the representations are on the unit hypersphere, the
scores range from 0 (the same picture) to 4.0.
The following distances between images of John Lennon and
Eric Clapton were generated with
./demos/compare.py images/examples/{lennon*,clapton*}
.
Lennon 1 | Lennon 2 | Clapton 1 | Clapton 2 |
---|---|---|---|
The following table shows that a distance threshold of 0.3
would
distinguish these two images.
In practice, further experimentation should be done on the distance threshold.
On our LFW experiments, a threshold of 0.70
(TODO: Update when used on the final model)
gave the best accuracy on 8 out of 10 experiments.
Image 1 | Image 2 | Distance |
---|---|---|
Lennon 1 | Lennon 2 | 0.204 |
Lennon 1 | Clapton 1 | 1.392 |
Lennon 1 | Clapton 2 | 1.445 |
Lennon 2 | Clapton 1 | 1.435 |
Lennon 2 | Clapton 2 | 1.322 |
Clapton 1 | Clapton 2 | 0.174 |
Cool demos, but I want numbers. What's the accuracy?
Even though the public datasets we trained on have orders of magnitude less data than private industry datasets, the accuracy is remarkably high and outperforms all other open-source face recognition implementations we are aware of on the standard LFW benchmark. We had to fallback to using the deep funneled versions for 152 of 13233 images because dlib failed to detect a face or landmarks.
[TODO: Add final ROC Curve]
This can be generated with the following commands from the root facenet
directory, assuming you have downloaded and placed the raw and
deep funneled LFW data from here
in ./data/lfw/raw
and ./data/lfw/deepfunneled
.
- Install prerequisites as below.
- Preprocess the raw
lfw
images, change8
to however many separate processes you want to run:for N in {1..8}; do ./util/align-dlib.py data/lfw/raw align affine data/lfw/dlib-affine-sz:96 --size 96 &; done
. Fallback to deep funneled versions for images that dlib failed to align:./util/align-dlib.py data/lfw/raw align affine data/lfw/dlib-affine-sz:96 --size 96 --fallbackLfw data/lfw/deepfunneled
- Generate representations with
./batch-represent/main.lua -outDir evaluation/lfw.nn4.v1.reps -model models/facenet/nn4.v1.t7 -data data/lfw/dlib-affine-sz:96
- Generate the ROC curve from the
evaluation
directory with./lfw-roc.py --workDir lfw.nn4.v1.reps
. This createsroc.pdf
in thelfw.nn4.v1.reps
directory.
Visualizing representations t-SNE
t-SNE is a dimensionality reduction technique that can be used to visualize the 128-dimensional features FaceNet produces. The following shows the visualization of the three people in the training and testing dataset with the most images.
Training
Testing
These can be generated with the following commands from the root
facenet
directory.
- Install prerequisites as below.
- Preprocess the raw
lfw
images, change8
to however many separate processes you want to run:for N in {1..8}; do ./util/align-dlib.py <path-to-raw-data> align affine <path-to-aligned-data> --size 96 &; done
. - Generate representations with
./batch-represent/main.lua -outDir <feature-directory (to be created)> -model models/facenet/nn4.v1.t7 -data <path-to-aligned-data>
- Generate t-SNE visualization with
./util/tsne.py <feature-directory> --names <name 1> ... <name n>
This createstsne.pdf
in<feature-directory>
.
Model Definitions
Model definitions should be kept in models/facenet, where we have provided definitions of the nn1 and nn4 as described in the paper, but with batch normalization and no normalization in the lower layers.
Pre-trained Models
Pre-trained models are versioned and should be released with
a corresponding model definition.
We currently only provide a pre-trained model for nn4.v1
because we have limited access to large-scale face recognition
datasets.
nn4.v1
This model has been trained by combining the two largest (of August 2015) publicly-available face recognition datasets based on names: FaceScrub and CASIA-WebFace. This model was trained for TODO hours on a Tesla K40 GPU.
The following plot shows the triplet loss on the training and test set. Semi-hard triplets are used on the training set, and random triplets are used on the testing set.
[TODO: Loss plot]
The LFW section above shows that this model obtains a mean accuracy of TODO with an AUC of TODO.
How long does processing a face take?
The processing time depends on the size of your image for face detection and alignment. These only run on the CPU and take from 100-200ms to over a second. The neural network uses a fixed-size input and has a more consistent runtime, almost 400ms on our 3.70 GHz CPU and TODO ms on our Tesla K40 GPU.
Usage
Existing Models
See [util/compare.py](the image comparison demo) for a complete example written in Python using a naive Torch subprocess to process the faces.
import facenet
from facenet.alignment import NaiveDlib # Depends on dlib.
# `args` are parsed command-line arguments.
align = NaiveDlib(args.dlibFaceMean, args.dlibFacePredictor)
net = facenet.TorchWrap(args.networkModel, imgDim=args.imgDim, cuda=args.cuda)
# `img` is a numpy matrix containing the RGB pixels of the image.
bb = align.getLargestFaceBoundingBox(img)
alignedFace = align.alignImg("affine", args.imgDim, img, bb)
rep1 = net.forwardImage(alignedFace)
# `rep2` obtained similarly.
d = rep1 - rep2
distance = np.dot(d, d)
Training new models
This repository also contains our training infrastructure to promote an open ecosystem and enable quicker bootstrapping for new research and development. Warning: Training is computationally expensive and takes a few weeks on our Tesla K40 GPU.
A rough overview of training is:
- Preprocess the raw images, change
8
to however many separate processes you want to run:for N in {1..8}; do ./util/align-dlib.py <path-to-raw-data> align affine <path-to-aligned-data> --size 96 &; done
. - Run training/main.lua to start training the model.
Edit the dataset options in training/opts.lua or
pass them as command-line parameters.
This will output the loss and in-progress models to
training/work
. - Visualize the loss with training/plot-loss.py.
Setup
The following instructions are for Linux and OSX only. Please contribute modifications and build instructions if you are interested in running this on other operating systems.
Check out git submodules
Clone with --recursive
or run git submodule init && git submodule update
after checking out.
Download the models
Run ./models/get-models.sh
to download pre-trained FaceNet
models on the combined CASIA-WebFace and FaceScrub database.
This also downloads dlib's pre-trained model for face landmark detection.
With Docker
Be sure you have checked out the submodules and downloaded the models as described above.
This repo can be deployed as a container with Docker for CPU mode:
sudo docker build -t facenet .
sudo docker run -t -i -v $PWD:/facenet facenet /bin/bash
cd /facenet
./demos/compare.py images/examples/{lennon*,clapton*}
To use, place your images in facenet
on your host and
access them from the shared Docker directory.
By hand
Be sure you have checked out the submodules and downloaded the models as described above. See the Dockerfile as a reference.
Install the packages the Dockerfile uses with your package manager.
With pip
, install numpy
, scipy
, scikit-learn
, and scikit-image
.
Next, manually install the following.
OpenCV
Download OpenCV 2.4.11 and follow their build instructions.
dlib
Download dlib v18.16.
cd ~/src
tar xf dlib-18.16.tar.bz2
cd dlib-18.16/python_examples
mkdir build
cd build
cmake ../../tools/python
cmake --build . --config Release
cp dlib.so ..
Torch
Install Torch from the instructions on their website
and install the dpnn
and nn libraries with
luarocks install dpnn
and luarocks install nn
.
If you want CUDA support, also install cudnn.torch.
Acknowledgements
- The fantastic Torch ecosystem and community.
- Alfredo Canziani's implementation of FaceNet's loss function in torch-TripletEmbedding
- Nicholas Léonard's inception layer implementation at nicholas-leonard/dpnn and for quickly merging my pull requests.
- Francisco Massa for quickly releasing nn.Normalize after I expressed interest in using it.
- Soumith Chintala for help with the fbcunn example code.
- NVIDIA's academic hardware grant program for providing the Tesla K40 used to train the model.
- Davis King's dlib library for face detection and alignment.
Licensing
This source is copyright Carnegie Mellon University and licensed under the Apache 2.0 License. Portions from the following third party sources have been modified and are included in this repository. These portions are noted in the source files and are copyright their respective authors with the licenses listed.
Project | Modified | License |
---|---|---|
Atcold/torch-TripletEmbedding | No | MIT |
facebook/fbnn | Yes | BSD |