All Projects → THUFutureLab → Gluon Face

THUFutureLab / Gluon Face

Licence: mit
An unofficial Gluon FR Toolkit for face recognition. https://gluon-face.readthedocs.io

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Gluon Face

Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+810.98%)
Mutual labels:  mxnet, pretrained-models, gluon
OpSummary.MXNet
A tool to count operators and parameters of your MXNet-Gluon model.
Stars: ✭ 19 (-92.8%)
Mutual labels:  mxnet, gluon
gluon2pytorch
Gluon to PyTorch deep neural network model converter
Stars: ✭ 72 (-72.73%)
Mutual labels:  mxnet, gluon
NER BiLSTM CRF Chinese
BiLSTM_CRF中文实体命名识别
Stars: ✭ 46 (-82.58%)
Mutual labels:  mxnet, gluon
Dog-Breed-Identification-Gluon
Kaggle 120种狗分类,Gluon实现
Stars: ✭ 45 (-82.95%)
Mutual labels:  mxnet, gluon
lipnet
LipNet with gluon
Stars: ✭ 16 (-93.94%)
Mutual labels:  mxnet, gluon
AIML-Human-Attributes-Detection-with-Facial-Feature-Extraction
This is a Human Attributes Detection program with facial features extraction. It detects facial coordinates using FaceNet model and uses MXNet facial attribute extraction model for extracting 40 types of facial attributes. This solution also detects Emotion, Age and Gender along with facial attributes.
Stars: ✭ 48 (-81.82%)
Mutual labels:  mxnet, face-recognition
Arcface Multiplex Recognition
适用于复杂场景的人脸识别身份认证系统
Stars: ✭ 200 (-24.24%)
Mutual labels:  face-recognition, mxnet
pigallery
PiGallery: AI-powered Self-hosted Secure Multi-user Image Gallery and Detailed Image analysis using Machine Learning, EXIF Parsing and Geo Tagging
Stars: ✭ 35 (-86.74%)
Mutual labels:  face-recognition, pretrained-models
model-zoo-old
The ONNX Model Zoo is a collection of pre-trained models for state of the art models in deep learning, available in the ONNX format
Stars: ✭ 38 (-85.61%)
Mutual labels:  mxnet, gluon
MXNet-EfficientNet
A Gluon Implement of EfficientNet
Stars: ✭ 12 (-95.45%)
Mutual labels:  mxnet, gluon
CycleGAN-gluon-mxnet
this repo attemps to reproduce Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks(CycleGAN) use gluon reimplementation
Stars: ✭ 31 (-88.26%)
Mutual labels:  mxnet, gluon
ResidualAttentionNetwork
A Gluon implement of Residual Attention Network. Best acc on cifar10-97.78%.
Stars: ✭ 104 (-60.61%)
Mutual labels:  mxnet, gluon
python cv AI ML
用python做计算机视觉,人工智能,机器学习,深度学习等
Stars: ✭ 73 (-72.35%)
Mutual labels:  mxnet, gluon
gluon-faster-rcnn
Faster R-CNN implementation with MXNet Gluon API
Stars: ✭ 31 (-88.26%)
Mutual labels:  mxnet, gluon
AAAI 2019 EXAM
Official implementation of "Explicit Interaction Model towards Text Classification"
Stars: ✭ 68 (-74.24%)
Mutual labels:  mxnet, gluon
megaface-evaluation
A Simple Tool to Evaluate Your Models on Megaface Benchmark Implemented in Python and Mxnet
Stars: ✭ 34 (-87.12%)
Mutual labels:  mxnet, face-recognition
Facerecognition
This is an implematation project of face detection and recognition. The face detection using MTCNN algorithm, and recognition using LightenenCNN algorithm.
Stars: ✭ 137 (-48.11%)
Mutual labels:  face-recognition, mxnet
Facenet Pytorch
Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models
Stars: ✭ 2,564 (+871.21%)
Mutual labels:  face-recognition, pretrained-models
baidu-salers-logo-prediction
baidu contest, url: http://dianshi.baidu.com/gemstone/competitions/detail?raceId=17
Stars: ✭ 16 (-93.94%)
Mutual labels:  mxnet, gluon

Gluon FR Toolkit

Documentation Status

GluonFR is a toolkit based on MXnet-Gluon, provides SOTA deep learning algorithm and models in face recognition.

Installation

GluonFR supports Python 3.5 or later. To install this package you need install GluonCV and MXNet first:

pip install gluoncv --pre
pip install mxnet-mkl --pre --upgrade
# if cuda XX is installed
pip install mxnet-cuXXmkl --pre --upgrade

Then install gluonfr:

  • From Source(recommend)
pip install git+https://github.com/THUFutureLab/[email protected]
  • Pip
pip install gluonfr

GluonFR Introduction:

GluonFR is based on MXnet-Gluon, if you are new to it, please check out dmlc 60-minute crash course.

Data:

This part provides input pipeline for training and validation, all datasets is aligned by mtcnn and cropped to (112, 112) by DeepInsight, they converted images to train.rec, train.idx and val_data.bin files, please check out [insightface/Dataset-Zoo] for more information. In data/dali_utils.py, there is a simple example of Nvidia-DALI. It is worth trying when data augmentation with cpu can not satisfy the speed of gpu training,

The files should be prepared like:

face/
    emore/
        train.rec
        train.idx
        property
    ms1m/
        train.rec
        train.idx
        property
    lfw.bin
    agedb_30.bin
    ...
    vgg2_fp.bin

We use ~/.mxnet/datasets as default dataset root to match mxnet setting.

Model_Zoo:

mobile_facenet, res_attention_net, se_resnet...

Loss:

GluonFR provides implement of losses in recent, including SoftmaxCrossEntropyLoss, ArcLoss, TripletLoss, RingLoss, CosLoss, L2Softmax, ASoftmax, CenterLoss, ContrastiveLoss, ... , and we will keep updating in future.
If there is any method we overlooked, please open an issue.

Example:

examples/ shows how to use gluonfr to train a face recognition model, and how to get Mnist 2-D feature embedding visualization.

Losses in GluonFR:

The last column of this chart is the best LFW accuracy reported in paper, they are trained with different data and networks, later we will give our results of these method with same train data and network.

Method Paper Visualization of MNIST LFW
Contrastive Loss ContrastiveLoss - -
Triplet 1503.03832 - 99.63±0.09
Center Loss CenterLoss 99.28
L2-Softmax 1703.09507 - 99.33
A-Softmax 1704.08063 - 99.42
CosLoss/AMSoftmax 1801.05599/1801.05599 99.17
Arcloss 1801.07698 99.82
Ring loss 1803.00130 99.52
LGM Loss 1803.02988 99.20±0.03

Pretrained Models

See Model Zoo in doc.

Todo

  • More pretrained models
  • IJB and Megaface Results
  • Other losses
  • Dataloader for loss depend on how to provide batches like Triplet, ContrastiveLoss, RangeLoss...
  • Try GluonCV resnetV1b/c/d/ to improve performance
  • Create hosted docs
  • Test module
  • Pypi package

Docs

Please checkout link.
For Chinese Version: link

Authors

{ haoxintong Yangxv Haoyadong Sunhao }

Discussion

中文社区Gluon-Forum Feel free to use English here :D.

References

  1. MXNet Documentation and Tutorials https://zh.diveintodeeplearning.org/

  2. NVIDIA DALI documentationNVIDIA DALI documentation

  3. Deepinsight insightface

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].