All Projects → happynear → Normface

happynear / Normface

Licence: mit
NormFace: L2 HyperSphere Embedding for Face Verification, 99.21% on LFW

Programming Languages

matlab
3953 projects

Labels

Projects that are alternatives of or similar to Normface

Android Object Detection
☕️ Fast-RCNN and Scene Recognition using Caffe
Stars: ✭ 295 (-17.83%)
Mutual labels:  caffe
Textspotter
Stars: ✭ 323 (-10.03%)
Mutual labels:  caffe
Tensorflow Open nsfw
Tensorflow Implementation of Yahoo's Open NSFW Model
Stars: ✭ 338 (-5.85%)
Mutual labels:  caffe
Segmentation keras
DilatedNet in Keras for image segmentation
Stars: ✭ 300 (-16.43%)
Mutual labels:  caffe
Largemargin softmax loss
Implementation for <Large-Margin Softmax Loss for Convolutional Neural Networks> in ICML'16.
Stars: ✭ 319 (-11.14%)
Mutual labels:  caffe
Learning
The data is the future of oil, digging the potential value of the data is very meaningful. This library records my road of machine learning study.
Stars: ✭ 330 (-8.08%)
Mutual labels:  caffe
Onnx2caffe
pytorch to caffe by onnx
Stars: ✭ 282 (-21.45%)
Mutual labels:  caffe
Mtcnn
全平台实时人脸检测和姿态估计,提供无需任何框架实现Realtime Face Detection and Head pose estimation on Windows、Ubuntu、Mac、Android and iOS
Stars: ✭ 351 (-2.23%)
Mutual labels:  caffe
Mobilenet Ssd Realsense
[High Performance / MAX 30 FPS] RaspberryPi3(RaspberryPi/Raspbian Stretch) or Ubuntu + Multi Neural Compute Stick(NCS/NCS2) + RealSense D435(or USB Camera or PiCamera) + MobileNet-SSD(MobileNetSSD) + Background Multi-transparent(Simple multi-class segmentation) + FaceDetection + MultiGraph + MultiProcessing + MultiClustering
Stars: ✭ 322 (-10.31%)
Mutual labels:  caffe
Caffe64
No dependency caffe replacement
Stars: ✭ 335 (-6.69%)
Mutual labels:  caffe
Ai Learn
人工智能学习路线图,整理近200个实战案例与项目,免费提供配套教材,零基础入门,就业实战!包括:Python,数学,机器学习,数据分析,深度学习,计算机视觉,自然语言处理,PyTorch tensorflow machine-learning,deep-learning data-analysis data-mining mathematics data-science artificial-intelligence python tensorflow tensorflow2 caffe keras pytorch algorithm numpy pandas matplotlib seaborn nlp cv等热门领域
Stars: ✭ 4,387 (+1122.01%)
Mutual labels:  caffe
Caffe Mobile
Optimized (for size and speed) Caffe lib for iOS and Android with out-of-the-box demo APP.
Stars: ✭ 316 (-11.98%)
Mutual labels:  caffe
Nn tools
Neural Network Tools: Converter and Analyzer. For caffe, pytorch, draknet and so on.
Stars: ✭ 334 (-6.96%)
Mutual labels:  caffe
Cascaded Fcn
Source code for the MICCAI 2016 Paper "Automatic Liver and Lesion Segmentation in CT Using Cascaded Fully Convolutional NeuralNetworks and 3D Conditional Random Fields"
Stars: ✭ 296 (-17.55%)
Mutual labels:  caffe
Caffe
Caffe for Sparse and Low-rank Deep Neural Networks
Stars: ✭ 339 (-5.57%)
Mutual labels:  caffe
Depth Vo Feat
Unsupervised Learning of Monocular Depth Estimation and Visual Odometry with Deep Feature Reconstruction
Stars: ✭ 295 (-17.83%)
Mutual labels:  caffe
Deep Learning
深度学习/人工智能/机器学习资料汇总(Deep Learning/Artificial Intelligent/Machine Learning) 持续更新……
Stars: ✭ 329 (-8.36%)
Mutual labels:  caffe
Cnn Models
ImageNet pre-trained models with batch normalization for the Caffe framework
Stars: ✭ 355 (-1.11%)
Mutual labels:  caffe
Densenet Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
Stars: ✭ 350 (-2.51%)
Mutual labels:  caffe
Php Opencv Examples
Tutorial for computer vision and machine learning in PHP 7/8 by opencv (installation + examples + documentation)
Stars: ✭ 333 (-7.24%)
Mutual labels:  caffe

NormFace

NormFace: L2 HyperSphere Embedding for Face Verification

http://www.cs.jhu.edu/~alanlab/Pubs17/wang2017normface.pdf

Baseline Model Original Accuracy Finetune Using Normalization
Light CNN(MaxOut)   98.41%*   98.78%
Center Face(ResNet) 99.03% 99.21%

* It is 98.13% on Light CNN's project page. After applying the mirror face trick, it becomes 98.41%.

Requirements

  1. My Caffe (https://github.com/happynear/caffe-windows/tree/ms). It also works on Linux. Anyway, if you want to use your own Caffe, please transplant the inner_product_layer, inner_distance_layer, normalize_layer, general_contrastive_layer, flip_layer and accuracy_layer to your Caffe. Since there are too many layers to transplant, I suggest you to use my Caffe directly:)
  2. Matlab to draw some figures.
  3. GPU with CUDA support.
  4. MTCNN face and facial landmark detector(https://github.com/kpzhang93/MTCNN_face_detection_alignment).
  5. Baseline model such as Center Face or Light CNN or your own model trained by softmax loss. I don't know whether my loss helps or not if your model is trained by other loss functions. You may have a try. I believe it will be effective if there is no normalization term in your model.

Train

  1. The dataset used in this paper is CASIA-Webface. Note that there are 3 identities overlap between CASIA-Webface and LFW. They are 0166921, 1056413 and 1193098. For fair evaluation, it is recommended to remove them from CAISA-Webface. Update: Actually there are 17 overlap identities, the list is in my FaceDatasets repository.
  2. Align all face images using MTCNN. The script can be found in my FaceVerification repository.
  3. Replace the final inner-product layer and softmax layer with layers defined in scaled_cosine_softmax.prototxt or normalized_Euclidean_contrastive.prototxt.
  4. Fine-tune the network based on the original model using a small learning rate, say 0.001 or 0.0001.

Evaluation

Evaluation codes are in my another github repository. Please refer to the second paragraph of the Update section.

A trick called mirror face is used during extracting the features. A sample code is in ./prototxt/example_of_mirror_face.prototxt.

About the mirror face: See ./MirrorFace.md

About the histogram feature for video face verification: Details are in ./YTF.

Trained Models

Light CNN B model(98.78%): Google Drive or Baidu Yun.

ps: I used to get a model of 98.8%, but I lost it....

Center Face (ResNet-27) model(99.21%): Google Drive or Baidu Yun.

License

This code is distributed under MIT LICENSE. The released models are only allowed for non-commercial use.

Citation

If you find my paper or the codes useful in your research, please cite

@inproceedings{wang2017normface,
  title={NormFace: L2 Hypersphere Embedding for Face Verification},
  author={Wang, Feng and Xiang, Xiang and Cheng, Jian and Yuille, Alan L.},
  booktitle={Proceedings of the 25th ACM international conference on Multimedia},
  year={2017},
  organization={ACM},
  doi = {https://doi.org/10.1145/3123266.3123359}
}

Contact

Feng Wang [feng.wff(at)gmail.com], please replace (at) with @.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].