Face Recognition
Papers
Deep Learning Face Representation from Predicting 10,000 Classes
- intro: CVPR 2014. DeepID
- paper: http://mmlab.ie.cuhk.edu.hk/pdf/YiSun_CVPR14.pdf
- github: https://github.com/stdcoutzyx/DeepID_FaceClassify
Deep Learning Face Representation by Joint Identification-Verification
- intro: DeepID2
- paper: http://papers.nips.cc/paper/5416-analog-memories-in-a-balanced-rate-based-network-of-e-i-neurons
基于Caffe的DeepID2实现
Deeply learned face representations are sparse, selective, and robust
- intro: DeepID2+
- arxiv: http://arxiv.org/abs/1412.1265
- video: http://research.microsoft.com/apps/video/?id=260023
- mirror: http://pan.baidu.com/s/1boufl3x
MobileID: Face Model Compression by Distilling Knowledge from Neurons
- intro: AAAI 2016 Oral. CUHK
- intro: MobileID is an extremely fast face recognition system by distilling knowledge from DeepID2
- project page: http://personal.ie.cuhk.edu.hk/~lz013/projects/MobileID.html
- paper: http://personal.ie.cuhk.edu.hk/~pluo/pdf/aaai16-face-model-compression.pdf
- github: https://github.com/liuziwei7/mobile-id
DeepFace: Closing the Gap to Human-Level Performance in Face Verification
- intro: CVPR 2014. Facebook AI Research
- paper: https://www.cs.toronto.edu/~ranzato/publications/taigman_cvpr14.pdf
- slides: http://valse.mmcheng.net/ftp/20141126/MingYang.pdf
- github: https://github.com/RiweiChen/DeepFace
Deep Face Recognition
- intro: BMVC 2015
- paper: http://www.robots.ox.ac.uk/~vgg/publications/2015/Parkhi15/parkhi15.pdf
- homepage: http://www.robots.ox.ac.uk/~vgg/software/vgg_face/
- github(Keras): https://github.com/rcmalli/keras-vggface
FaceNet
FaceNet: A Unified Embedding for Face Recognition and Clustering
- intro: Google Inc. CVPR 2015
- arxiv: http://arxiv.org/abs/1503.03832
- github(Tensorflow): https://github.com/davidsandberg/facenet
- github(Caffe): https://github.com/hizhangp/triplet
Real time face detection and recognition
- intro: Real time face detection and recognition base on opencv/tensorflow/mtcnn/facenet
- github: https://github.com/shanren7/real_time_face_recognition
Targeting Ultimate Accuracy: Face Recognition via Deep Embedding
- intro: CVPR 2015
- arxiv: http://arxiv.org/abs/1506.07310
Learning Robust Deep Face Representation
A Light CNN for Deep Face Representation with Noisy Labels
- arxiv: https://arxiv.org/abs/1511.02683
- github: https://github.com/AlfredXiangWu/face_verification_experiment
Pose-Aware Face Recognition in the Wild
Triplet Probabilistic Embedding for Face Verification and Clustering
- intro: Oral Paper in BTAS 2016; NVIDIA Best paper Award
- arxiv: https://arxiv.org/abs/1604.05417
- github(Keras): https://github.com/meownoid/face-identification-tpe
Recurrent Regression for Face Recognition
A Discriminative Feature Learning Approach for Deep Face Recognition
- intro: ECCV 2016
- intro: center loss
- paper: http://ydwen.github.io/papers/WenECCV16.pdf
- github: https://github.com/ydwen/caffe-face
- github: https://github.com/pangyupo/mxnet_center_loss
Deep Face Recognition with Center Invariant Loss
- intro: ACM MM Workshop
- paper: http://www1.ece.neu.edu/~yuewu/files/2017/twu024.pdf
How Image Degradations Affect Deep CNN-based Face Recognition?
VIPLFaceNet: An Open Source Deep Face Recognition SDK
- keywords: VIPLFaceNet / SeetaFace Engine
- arxiv: http://arxiv.org/abs/1609.03892
SeetaFace Engine
- intro: SeetaFace Engine is an open source C++ face recognition engine, which can run on CPU with no third-party dependence.
- github: https://github.com/seetaface/SeetaFaceEngine
A Discriminative Feature Learning Approach for Deep Face Recognition
- intro: ECCV 2016
- paper: http://ydwen.github.io/papers/WenECCV16.pdf
Sparsifying Neural Network Connections for Face Recognition
Range Loss for Deep Face Recognition with Long-tail
Hybrid Deep Learning for Face Verification
- intro: TPAMI 2016. CNN+RBM
- paper: http://www.ee.cuhk.edu.hk/~xgwang/papers/sunWTpami16.pdf
Towards End-to-End Face Recognition through Alignment Learning
- intro: Tsinghua University
- arxiv: https://arxiv.org/abs/1701.07174
Multi-Task Convolutional Neural Network for Face Recognition
NormFace: L2 Hypersphere Embedding for Face Verification
SphereFace: Deep Hypersphere Embedding for Face Recognition
- intro: CVPR 2017
- arxiv: http://wyliu.com/papers/LiuCVPR17.pdf
- github: https://github.com/wy1iu/sphereface
- demo: http://v-wb.youku.com/v_show/id_XMjk3NTc1NjMxMg==.html
L2-constrained Softmax Loss for Discriminative Face Verification
https://arxiv.org/abs/1703.09507
Low Resolution Face Recognition Using a Two-Branch Deep Convolutional Neural Network Architecture
- intro: Amirkabir University of Technology & MIT
- arxiv: https://arxiv.org/abs/1706.06247
Enhancing Convolutional Neural Networks for Face Recognition with Occlusion Maps and Batch Triplet Loss
https://arxiv.org/abs/1707.07923
Model Distillation with Knowledge Transfer in Face Classification, Alignment and Verification
https://arxiv.org/abs/1709.02929
Improving Heterogeneous Face Recognition with Conditional Adversarial Networks
https://arxiv.org/abs/1709.02848
Face Sketch Matching via Coupled Deep Transform Learning
- intro: ICCV 2017
- arxiv: https://arxiv.org/abs/1710.02914
Additive Margin Softmax for Face Verification
- keywords: additive margin Softmax (AM-Softmax),
- arxiv: https://arxiv.org/abs/1801.05599
- github: https://github.com/happynear/AMSoftmax
Face Recognition via Centralized Coordinate Learning
- intro: centralized coordinate learning (CCL)
- arxiv: https://arxiv.org/abs/1801.05678
ArcFace: Additive Angular Margin Loss for Deep Face Recognition
CosFace: Large Margin Cosine Loss for Deep Face Recognition
https://arxiv.org/abs/1801.09414
Ring loss: Convex Feature Normalization for Face Recognition
- intro: CVPR 2018
- arxiv: https://arxiv.org/abs/1803.00130
Pose-Robust Face Recognition via Deep Residual Equivariant Mapping
- intro: CVPR 2018. CUHK & SenseTime Research
- arxiv: https://arxiv.org/abs/1803.00839
- github: https://github.com/penincillin/DREAM
Deep Face Recognition: A Survey
- intro: BUPT
- arxiv: https://arxiv.org/abs/1804.06655
MobileFaceNets: Efficient CNNs for Accurate Real-time Face Verification on Mobile Devices
https://arxiv.org/abs/1804.07573
DisguiseNet : A Contrastive Approach for Disguised Face Verification in the Wild
https://arxiv.org/abs/1804.09669
Surveillance Face Recognition Challenge
https://arxiv.org/abs/1804.09691
Towards Interpretable Face Recognition
https://arxiv.org/abs/1805.00611
Scalable Angular Discriminative Deep Metric Learning for Face Recognition
https://arxiv.org/abs/1804.10899
Facial Attributes Classification
A Jointly Learned Deep Architecture for Facial Attribute Analysis and Face Detection in the Wild
https://arxiv.org/abs/1707.08705
A Deep Cascade Network for Unaligned Face Attribute Classification
https://arxiv.org/abs/1709.03851
A Deep Face Identification Network Enhanced by Facial Attributes Prediction
https://arxiv.org/abs/1805.00324
Multi-task Learning of Cascaded CNN for Facial Attribute Classification
- intro: Xiamen University & Xiamen University of Technology
- arxiv: https://arxiv.org/abs/1805.01290
Multi-label Learning Based Deep Transfer Neural Network for Facial Attribute Classification
- intro: Xiamen University & Xiamen University of Technology
- arxiv: https://arxiv.org/abs/1805.01282
Video Face Recognition
Attention-Set based Metric Learning for Video Face Recognition
https://arxiv.org/abs/1704.03805
SeqFace: Make full use of sequence information for face recognitio
Facial Point / Landmark Detection
Deep Convolutional Network Cascade for Facial Point Detection
- homepage: http://mmlab.ie.cuhk.edu.hk/archive/CNN_FacePoint.htm
- paper: http://www.ee.cuhk.edu.hk/~xgwang/papers/sunWTcvpr13.pdf
- github: https://github.com/luoyetx/deep-landmark
Facial Landmark Detection by Deep Multi-task Learning
- intro: ECCV 2014
- project page: http://mmlab.ie.cuhk.edu.hk/projects/TCDCN.html
- paper: http://personal.ie.cuhk.edu.hk/~ccloy/files/eccv_2014_deepfacealign.pdf
- github(Matlab): https://github.com/zhzhanp/TCDCN-face-alignment
A Recurrent Encoder-Decoder Network for Sequential Face Alignment
- intro: ECCV 2016 oral
- project page: https://sites.google.com/site/xipengcshomepage/eccv2016
- arxiv: https://arxiv.org/abs/1608.05477
- slides: https://drive.google.com/file/d/0B-FLp_bljv_1OTVrMF9OM21IbW8/view
- github: https://github.com/xipeng13/recurrent-face-alignment
RED-Net: A Recurrent Encoder-Decoder Network for Video-based Face Alignment
- intro: IJCV
- arxiv: https://arxiv.org/abs/1801.06066
Detecting facial landmarks in the video based on a hybrid framework
Deep Constrained Local Models for Facial Landmark Detection
Effective face landmark localization via single deep network
A Convolution Tree with Deconvolution Branches: Exploiting Geometric Relationships for Single Shot Keypoint Detection
https://arxiv.org/abs/1704.01880
Deep Alignment Network: A convolutional neural network for robust face alignment
- intro: CVPRW 2017
- arxiv: https://arxiv.org/abs/1706.01789
- gihtub: https://github.com/MarekKowalski/DeepAlignmentNetwork
Joint Multi-view Face Alignment in the Wild
https://arxiv.org/abs/1708.06023
FacePoseNet: Making a Case for Landmark-Free Face Alignment
https://arxiv.org/abs/1708.07517
Wing Loss for Robust Facial Landmark Localisation with Convolutional Neural Networks
https://arxiv.org/abs/1711.06753
Brute-Force Facial Landmark Analysis With A 140,000-Way Classifier
- intro: AAAI 2018
- arxiv: https://arxiv.org/abs/1802.01777
- github: https://github.com/mtli/BFFL
Style Aggregated Network for Facial Landmark Detection
- intro: CVPR 2018
- arxiv: https://arxiv.org/abs/1803.04108
- github: https://github.com/D-X-Y/SAN
Deep Adaptive Attention for Joint Facial Action Unit Detection and Face Alignment
https://arxiv.org/abs/1803.05588
Face Synthesis
Beyond Face Rotation: Global and Local Perception GAN for Photorealistic and Identity Preserving Frontal View Synthesis
- intro: ICCV 2017
- keywords: TP-GAN
- arxiv: https://arxiv.org/abs/1704.04086
- paper: http://openaccess.thecvf.com/content_ICCV_2017/papers/Huang_Beyond_Face_Rotation_ICCV_2017_paper.pdf
- github(official, Tensorflow): https://github.com/HRLTY/TP-GAN
Projects
Using MXNet for Face-related Algorithm
clmtrackr: Javascript library for precise tracking of facial features via Constrained Local Models
- github: https://github.com/auduno/clmtrackr
- blog: http://auduno.com/post/61888277175/fitting-faces
- demo: http://auduno.github.io/clmtrackr/examples/facesubstitution.html
- demo: http://auduno.github.io/clmtrackr/face_deformation_video.html
- demo: http://auduno.github.io/clmtrackr/examples/clm_emotiondetection.html
- demo: http://auduno.com/post/84214587523/twisting-faces
DeepLogo
- intro: A brand logo recognition system using deep convolutional neural networks.
- github: https://github.com/satojkovic/DeepLogo
Deep-Leafsnap
- intro: LeafSnap replicated using deep neural networks to test accuracy compared to traditional computer vision methods.
- github: https://github.com/sujithv28/Deep-Leafsnap
FaceVerification: An Experimental Implementation of Face Verification, 96.8% on LFW
InsightFace
- intro: Face Recognition Project on MXnet
- arxiv: https://github.com//deepinsight/insightface
OpenFace
OpenFace: Face Recognition with Deep Neural Networks
- homepage: http://cmusatyalab.github.io/openface/
- github: https://github.com/cmusatyalab/openface
- github: https://github.com/aybassiouny/OpenFaceCpp
OpenFace 0.2.0: Higher accuracy and halved execution time
OpenFace: A general-purpose face recognition library with mobile applications
OpenFace: an open source facial behavior analysis toolkit
- intro: a state-of-the art open source tool intended for facial landmark detection, head pose estimation, facial action unit recognition, and eye-gaze estimation.
- github: https://github.com/TadasBaltrusaitis/OpenFace
Resources
Face-Resources