All Projects → anson0910 → Cnn_face_detection

anson0910 / Cnn_face_detection

Implementation based on the paper Li et al., “A Convolutional Neural Network Cascade for Face Detection, ” 2015 CVPR

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Cnn face detection

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 (-86.45%)
Mutual labels:  convolutional-neural-networks, neural-networks, caffe
Chainer Cifar10
Various CNN models for CIFAR10 with Chainer
Stars: ✭ 134 (-46.61%)
Mutual labels:  convolutional-neural-networks, neural-networks
Jsnet
Javascript/WebAssembly deep learning library for MLPs and convolutional neural networks
Stars: ✭ 126 (-49.8%)
Mutual labels:  convolutional-neural-networks, neural-networks
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (-43.03%)
Mutual labels:  convolutional-neural-networks, neural-networks
Sphereface
Implementation for <SphereFace: Deep Hypersphere Embedding for Face Recognition> in CVPR'17.
Stars: ✭ 1,483 (+490.84%)
Mutual labels:  caffe, face-detection
Deepgaze
Computer Vision library for human-computer interaction. It implements Head Pose and Gaze Direction Estimation Using Convolutional Neural Networks, Skin Detection through Backprojection, Motion Detection and Tracking, Saliency Map.
Stars: ✭ 1,552 (+518.33%)
Mutual labels:  convolutional-neural-networks, face-detection
Bender
Easily craft fast Neural Networks on iOS! Use TensorFlow models. Metal under the hood.
Stars: ✭ 1,728 (+588.45%)
Mutual labels:  convolutional-neural-networks, neural-networks
Sigmoidal ai
Tutoriais de Python, Data Science, Machine Learning e Deep Learning - Sigmoidal
Stars: ✭ 103 (-58.96%)
Mutual labels:  convolutional-neural-networks, neural-networks
Compactcnncascade
A binary library for very fast face detection using compact CNNs.
Stars: ✭ 152 (-39.44%)
Mutual labels:  convolutional-neural-networks, face-detection
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-35.06%)
Mutual labels:  convolutional-neural-networks, neural-networks
Anime4k
A High-Quality Real Time Upscaler for Anime Video
Stars: ✭ 14,083 (+5510.76%)
Mutual labels:  convolutional-neural-networks, neural-networks
Sod
An Embedded Computer Vision & Machine Learning Library (CPU Optimized & IoT Capable)
Stars: ✭ 1,460 (+481.67%)
Mutual labels:  convolutional-neural-networks, face-detection
Tiny Faces Pytorch
Finding Tiny Faces in PyTorch
Stars: ✭ 105 (-58.17%)
Mutual labels:  convolutional-neural-networks, face-detection
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-50.6%)
Mutual labels:  convolutional-neural-networks, neural-networks
Idn Caffe
Caffe implementation of "Fast and Accurate Single Image Super-Resolution via Information Distillation Network" (CVPR 2018)
Stars: ✭ 104 (-58.57%)
Mutual labels:  convolutional-neural-networks, caffe
Facerecognition
This is an implematation project of face detection and recognition. The face detection using MTCNN algorithm, and recognition using LightenenCNN algorithm.
Stars: ✭ 137 (-45.42%)
Mutual labels:  caffe, face-detection
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-22.31%)
Mutual labels:  convolutional-neural-networks, neural-networks
Awslambdaface
Perform deep neural network based face detection and recognition in the cloud (via AWS lambda) with zero model configuration or tuning.
Stars: ✭ 98 (-60.96%)
Mutual labels:  convolutional-neural-networks, face-detection
Lsuvinit
Reference caffe implementation of LSUV initialization
Stars: ✭ 99 (-60.56%)
Mutual labels:  convolutional-neural-networks, caffe
Turkce Yapay Zeka Kaynaklari
Türkiye'de yapılan derin öğrenme (deep learning) ve makine öğrenmesi (machine learning) çalışmalarının derlendiği sayfa.
Stars: ✭ 1,900 (+656.97%)
Mutual labels:  convolutional-neural-networks, caffe

Implementation based on the paper Li et al., “A Convolutional Neural Network Cascade for Face Detection, ” 2015 CVPR

A few modifications to the paper:

  1. Multi-resolution is not used for simplicity, you can add them in the .prototxt files under CNN_face_detection_models to do so.
  2. 12-net is turned into fully convolutional neural network to reduce computation.
  3. I took out the normalization layers out of the deploy.prototxt files in 48-net and 48-calibration-net, because of convenience for me implementing them in hardware, you can just simply at them back as in the corresponding train_val.prototxt files.

In order to test CNN Cascade:

Detection scripts are stored under CNN_face_detection/face_detection directory, and models can be found in CNN_face_detection_models repository.

For testing single image, use script face_cascade_fullconv_single_crop_single_image.py
For benchmarking on FDDB, use script face_cascade_fullconv_fddb.py

If you're not familiar with caffe's flow yet, dennis-chen's reply here gives a great picture.

In order to train CNN Cascade:

  1. You should first download all faces from the AFLW dataset, and at least 3000 images without any faces (negative images).
  2. Create negative patches by running face_preprocess_10kUS/create_negative.py with data_base_dir modified to the folder containing the negative images.
  3. Create positive patches by running face_preprocess_10kUS/aflw.py
  4. Run face_preprocess_10kUS/shuffle_write_positives.py and face_preprocess_10kUS/shuffle_write_negatives.py to shuffle and write position and labels of images to file.
  5. Run face_preprocess_10kUS/write_train_val.py to create train.txt, val.txt and move images to corresponding folders as caffe requires.
  6. Use scripts in CNN_face_detection_models/create_lmdb_scripts/ to create lmdb files as caffe requires.
  7. Start training by using such commands in terminal.
    ./build/tools/caffe train --solver=models/face_12c/solver.prototxt

24 net and 48 net can be created in a similar way, however negative images shoud be created by running face_preprocess_10kUS/create_negative_24c.py and face_preprocess_10kUS/create_negative_48c.py

Calibration nets are also trained similarly, scripts can be found in face_calibration/

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