All Projects → huangyangyu → Seqface

huangyangyu / Seqface

Licence: mit
SeqFace : Making full use of sequence information for face recognition

Projects that are alternatives of or similar to Seqface

Sphereface
Implementation for <SphereFace: Deep Hypersphere Embedding for Face Recognition> in CVPR'17.
Stars: ✭ 1,483 (+1086.4%)
Mutual labels:  jupyter-notebook, caffe, face-recognition
Sphereface Plus
SphereFace+ Implementation for <Learning towards Minimum Hyperspherical Energy> in NIPS'18.
Stars: ✭ 151 (+20.8%)
Mutual labels:  jupyter-notebook, caffe, face-recognition
All Classifiers 2019
A collection of computer vision projects for Acute Lymphoblastic Leukemia classification/early detection.
Stars: ✭ 22 (-82.4%)
Mutual labels:  jupyter-notebook, caffe
Teacher Student Training
This repository stores the files used for my summer internship's work on "teacher-student learning", an experimental method for training deep neural networks using a trained teacher model.
Stars: ✭ 34 (-72.8%)
Mutual labels:  jupyter-notebook, caffe
Facerecog
Face Recognition using Neural Networks implemented using Keras
Stars: ✭ 39 (-68.8%)
Mutual labels:  jupyter-notebook, face-recognition
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+490.4%)
Mutual labels:  jupyter-notebook, face-recognition
Face Mask Detection
Face Mask Detection system based on computer vision and deep learning using OpenCV and Tensorflow/Keras
Stars: ✭ 774 (+519.2%)
Mutual labels:  jupyter-notebook, caffe
Bottom Up Attention
Bottom-up attention model for image captioning and VQA, based on Faster R-CNN and Visual Genome
Stars: ✭ 989 (+691.2%)
Mutual labels:  jupyter-notebook, caffe
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+460%)
Mutual labels:  jupyter-notebook, caffe
Facenet Face Recognition
This is the research product of the thesis manifold Learning of Latent Space Vectors in GAN for Image Synthesis. This has an application to the research, name a facial recognition system. The application was developed by consulting the FaceNet model.
Stars: ✭ 54 (-56.8%)
Mutual labels:  jupyter-notebook, face-recognition
Training toolbox caffe
Training Toolbox for Caffe
Stars: ✭ 51 (-59.2%)
Mutual labels:  jupyter-notebook, caffe
Keras Oneclassanomalydetection
[5 FPS - 150 FPS] Learning Deep Features for One-Class Classification (AnomalyDetection). Corresponds RaspberryPi3. Convert to Tensorflow, ONNX, Caffe, PyTorch. Implementation by Python + OpenVINO/Tensorflow Lite.
Stars: ✭ 102 (-18.4%)
Mutual labels:  jupyter-notebook, caffe
Keras realtime multi Person pose estimation
Keras version of Realtime Multi-Person Pose Estimation project
Stars: ✭ 728 (+482.4%)
Mutual labels:  jupyter-notebook, caffe
Facial Similarity With Siamese Networks In Pytorch
Implementing Siamese networks with a contrastive loss for similarity learning
Stars: ✭ 719 (+475.2%)
Mutual labels:  jupyter-notebook, face-recognition
Fundamentals Of Deep Learning For Computer Vision Nvidia
The repository includes Notebook files and documents of the course I completed in NVIDIA Deep Learning Institute. Feel free to acess and work with the Notebooks and other files.
Stars: ✭ 16 (-87.2%)
Mutual labels:  jupyter-notebook, caffe
Face verification experiment
Original Caffe Version for LightCNN-9. Highly recommend to use PyTorch Version (https://github.com/AlfredXiangWu/LightCNN)
Stars: ✭ 712 (+469.6%)
Mutual labels:  caffe, face-recognition
Picanet
Stars: ✭ 35 (-72%)
Mutual labels:  jupyter-notebook, caffe
Realtime multi Person pose estimation
Code repo for realtime multi-person pose estimation in CVPR'17 (Oral)
Stars: ✭ 4,760 (+3708%)
Mutual labels:  jupyter-notebook, caffe
Tensorflow 101
TensorFlow 101: Introduction to Deep Learning for Python Within TensorFlow
Stars: ✭ 642 (+413.6%)
Mutual labels:  jupyter-notebook, face-recognition
Face Identification With Cnn Triplet Loss
Face identification with cnn+triplet-loss written by Keras.
Stars: ✭ 45 (-64%)
Mutual labels:  jupyter-notebook, face-recognition

SeqFace : Making full use of sequence information for face recognition

Paper link: https://arxiv.org/abs/1803.06524

by Wei Hu, Yangyu Huang, Fan Zhang, Ruirui Li, Wei Li, Guodong Yuan

Recent Update

2018.06.09: 1.Our new ResNet-64 model achieved 99.87% accuracy on LFW, 98.16%(clean) and 83.58%(not clean) accuracy on Megaface challenge 1.

2018.05.04: 1.Our new ResNet-64 model achieved 99.85% accuracy on LFW without 6 pairs correction.

2018.03.21: 1.Release the code of LSRLoss and DSALoss layer; 2.Add example of Seqface.

2018.03.20: 1.Publish our paper; 2.Release test dataset and test code.

2018.03.15: 1.Create the repository; 2.Release our model.

Contents

  1. Requirements
  2. Dataset
  3. Model-and-Result
  4. How-to-test
  5. Example
  6. Demo
  7. Contact
  8. Citation
  9. License

Requirements

  1. Caffe (see: Caffe installation instructions)

  2. MTCNN (see: MTCNN - face detection & alignment)

Dataset

All faces in our dataset are detected by MTCNN and aligned by util.py. The structure of trainning dataset and testing dataset is shown below. Please note that the testing dataset have already be processed by detection and alignment, So you can reproduce our result directly by running our evaluating script.

Training Dataset

MS-Celeb-1M + Celeb-Seq

Testing Dataset

LFW @BaiduDrive, @GoogleDrive

YTF @BaiduDrive, @GoogleDrive

Testing Features

You can also use the precomputed feature instead of the testing dataset to evaluate our method.

LFW: @BaiduDrive, @GoogleDrive

YTF: @BaiduDrive, @GoogleDrive

Model-and-Result

We released our ResNet-27 model, which can be downloaded by the link below. The model was trained in caffe, please refer to our paper for the detailed training process.

Caffe: ResNet-27 @BaiduDrive, @GoogleDrive (non-commercial use only)

Performance:

Dataset Model Dataset LFW YTF
SeqFace 1 ResNet-27 MS-Celeb-1M + Celeb-Seq 99.80 98.00
SeqFace 1 ResNet-64 MS-Celeb-1M + Celeb-Seq 99.83 98.12

How-to-test

Refer to run.sh, which contains two parameters, the first one("mode") means the running mode you use("feature" or "model"), the other one("dataset") means the dataset you choose("LFW" or "YTF").

step 1: git clone https://github.com/ydwen/caffe-face.git

step 2: compile caffe

step 3: download model and testing dataset, then unzip them

step 4: run evaluate.py in LFW or YTF directory

You can try the command below to verify seqface of LFW dataset in feature mode.

./run.sh feature LFW

Example

image

The usage of LSR loss layer and DSA loss layer in train_val.prototxt:

layer {
    name: "lsro_loss"
    type: "LSROLoss"
    bottom: "fc6"
    bottom: "label000"
    top: "lsro_loss"
    loss_weight: @loss_weight
}

layer {
    name: "dsa_loss"
    type: "DSALoss"
    bottom: "fc5"
    bottom: "label000"
    top: "dsa_loss"
    param {
        lr_mult: 1
        decay_mult: 0
    }
    dsa_loss_param {
        faceid_num: @faceid_num
        seqid_num: @seqid_num
        center_filler {
            type: "xavier"
        }
        lambda: @lambda
        dropout_ratio: @dropout_ratio
        gamma: @gamma
        alpha: @alpha
        beta: @beta
        use_normalize: @use_normalize
        scale: @scale
    }
    loss_weight: @loss_weight
}

Demo

You can experience our algorithm on demo page

Contact

Wei Hu

Yangyu Huang

Citation

Waiting

License

SeqFace(not including the model) is released under the MIT License
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].