All Projects → wujiyang → MTCNN_TRAIN

wujiyang / MTCNN_TRAIN

Licence: other
MTCNN_Training Scripts For Face Detection with PyTorch 0.4.0

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to MTCNN TRAIN

Face Recognition Cpp
Real Time Face Recognition Detector. Over 30FPS on CPU!
Stars: ✭ 68 (+21.43%)
Mutual labels:  face-detection, mtcnn
Facenet
Face recognition using Tensorflow
Stars: ✭ 12,189 (+21666.07%)
Mutual labels:  face-detection, mtcnn
Awesome Face Detection
Compare with various detectors - s3fd, dlib, ocv, ocv-dnn, mtcnn-pytorch, face_recognition
Stars: ✭ 106 (+89.29%)
Mutual labels:  face-detection, mtcnn
Tensorflow Mtcnn
人脸检测MTCNN算法,采用tensorflow框架编写,从理解到训练,中文注释完全,含测试和训练,支持摄像头
Stars: ✭ 302 (+439.29%)
Mutual labels:  face-detection, mtcnn
Face-Recognition-Jetson-Nano
Recognize 2000+ faces on your Jetson Nano with database auto-fill and anti-spoofing
Stars: ✭ 63 (+12.5%)
Mutual labels:  face-detection, mtcnn
Mtcnn
全平台实时人脸检测和姿态估计,提供无需任何框架实现Realtime Face Detection and Head pose estimation on Windows、Ubuntu、Mac、Android and iOS
Stars: ✭ 351 (+526.79%)
Mutual labels:  face-detection, mtcnn
Facerecognition
This is an implematation project of face detection and recognition. The face detection using MTCNN algorithm, and recognition using LightenenCNN algorithm.
Stars: ✭ 137 (+144.64%)
Mutual labels:  face-detection, mtcnn
Tensorflow Mtcnn
C++ and python Inference only for MTCNN face detector on Tensorflow. Based on davidsandberg's facenet project:
Stars: ✭ 106 (+89.29%)
Mutual labels:  face-detection, mtcnn
FaceRecognitionCpp
Large input size REAL-TIME Face Detector on Cpp. It can also support face verification using MobileFaceNet+Arcface with real-time inference. 480P Over 30FPS on CPU
Stars: ✭ 40 (-28.57%)
Mutual labels:  face-detection, mtcnn
FaceIDLight
A lightweight face-recognition toolbox and pipeline based on tensorflow-lite
Stars: ✭ 17 (-69.64%)
Mutual labels:  face-detection, mtcnn
Facedetection
C++ project to implement MTCNN, a perfect face detect algorithm, on different DL frameworks. The most popular frameworks: caffe/mxnet/tensorflow, are all suppported now
Stars: ✭ 255 (+355.36%)
Mutual labels:  face-detection, mtcnn
face-detection-mtcnn
face-detection based on MTCNN and TensorFlow
Stars: ✭ 33 (-41.07%)
Mutual labels:  face-detection, mtcnn
mtcnn-pytorch
pytorch implementation of face detection algorithm MTCNN
Stars: ✭ 61 (+8.93%)
Mutual labels:  face-detection, mtcnn
Opencv Mtcnn
An implementation of MTCNN Face detector using OpenCV's DNN module
Stars: ✭ 59 (+5.36%)
Mutual labels:  face-detection, mtcnn
Facenet Pytorch
Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models
Stars: ✭ 2,564 (+4478.57%)
Mutual labels:  face-detection, mtcnn
PaddlePaddle-MTCNN
基于PaddlePaddle复现的MTCNN人脸检测模型
Stars: ✭ 23 (-58.93%)
Mutual labels:  face-detection, mtcnn
Face
I have published my face related codes in this repository
Stars: ✭ 53 (-5.36%)
Mutual labels:  face-detection, mtcnn
aws-lambda-face-blur
AWS Lambda Face Blur
Stars: ✭ 17 (-69.64%)
Mutual labels:  face-detection
keras-yolo3-facedetection
Real-time face detection model using YOLOv3 with Keras
Stars: ✭ 13 (-76.79%)
Mutual labels:  face-detection
Look4Face
Demo of Face Recognition web service
Stars: ✭ 23 (-58.93%)
Mutual labels:  face-detection

MTCNN_TRAIN

MTCNN_Train Scripts with PyTorch 0.4.0

Declaration

The source code in this repository is mainly from kuaikuaikim/DFace. I reimplemented the part of MTCNN with PyTorch 0.4.0 and made some optimizations but most remains unchanged. If you want to know more details, please go to kuaikuaikim/DFace


Introduction

This project is still in progess, I will finish it in my spare time as soon as possible !

This project is a reimplementation version of mtcnn face detection, most of the source code is from kuaikuaikim/DFace, I restructed the source code with Pytorch 0.4.0 and made some modifications and optimizations. All the contributions I have made is listed below.

The Contributions

  1. restruct the source code with PyTorch 0.4.0.
  2. avoid some unnecessary image data copy operation in training data preparation, for example, ./prepare_data/gen_Pnet_data.py and so on.
  3. remove some meaningless operation in traing process, and format the output information during training.
  4. fix the bug that data_loader can't load the last mini_batch when the last minibatch'size is less than the batch_size in ./tools/image_reader.py.
  5. to be continue.

How to use

For training PNet and RNet, I only use the Widerface for face classification and face bounding box regression. For training ONet, I use Widerface for face classification and face bounding box regression and use Training Dataset for face landmark regression.

  1. Train PNet
cd MTCNN_TRAIN
python prepare_data/gen_Pnet_train_data.py
python prepare_data/assemble_pnet_imglist.py 
python train_net/train_p_net.py
  1. Train RNet
cd MTCNN_TRAIN
python prepare_data/gen_Rnet_train_data.py
python prepare_data/assemble_rnet_imglist.py 
python train_net/train_r_net.py
  1. Train ONet
cd MTCNN_TRAIN
python prepare_data/gen_landmark_48.py
python prepare_data/gen_Onet_train_data.py
python prepare_data/assemble_onet_imglist.py 
python train_net/train_o_net.py
  1. Test Image
cd MTCNN_TRAIN
python test_image.py

Results

Because I didn't use much data to train, the detection results is not at the best.
avatar

Problems

There still remains a problem to solve: When starting to train each stage network, the first batch will last for a long time about 30 minutes and I don't know why.

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