All Projects → ildoonet → Deepface

ildoonet / Deepface

Licence: mit
Deep Learning Models for Face Detection/Recognition/Alignments, implemented in Tensorflow

Programming Languages

python
139335 projects - #7 most used programming language
python3
1442 projects

Projects that are alternatives of or similar to Deepface

Awslambdaface
Perform deep neural network based face detection and recognition in the cloud (via AWS lambda) with zero model configuration or tuning.
Stars: ✭ 98 (-76.04%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, face-detection, face-recognition
Cnn Paper2
🎨 🎨 深度学习 卷积神经网络教程 :图像识别,目标检测,语义分割,实例分割,人脸识别,神经风格转换,GAN等🎨🎨 https://dataxujing.github.io/CNN-paper2/
Stars: ✭ 77 (-81.17%)
Mutual labels:  deep-neural-networks, cnn, face-detection
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-84.11%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Lenet 5
PyTorch implementation of LeNet-5 with live visualization
Stars: ✭ 122 (-70.17%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
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 (+279.46%)
Mutual labels:  convolutional-neural-networks, cnn, face-detection
Tf Adnet Tracking
Deep Object Tracking Implementation in Tensorflow for 'Action-Decision Networks for Visual Tracking with Deep Reinforcement Learning(CVPR 2017)'
Stars: ✭ 162 (-60.39%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-76.28%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-88.02%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
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 (-65.04%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (-69.19%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-69.68%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Pyconv
Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)
Stars: ✭ 231 (-43.52%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-60.15%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-8.31%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Tensorflow Image Detection
A generic image detection program that uses Google's Machine Learning library, Tensorflow and a pre-trained Deep Learning Convolutional Neural Network model called Inception.
Stars: ✭ 306 (-25.18%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks
Accelerating Cnn With Fpga
This project accelerates CNN computation with the help of FPGA, for more than 50x speed-up compared with CPU.
Stars: ✭ 301 (-26.41%)
Mutual labels:  convolutional-neural-networks, face-recognition
Face recognition
🍎 My own face recognition with deep neural networks.
Stars: ✭ 328 (-19.8%)
Mutual labels:  face-detection, face-recognition
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (-17.36%)
Mutual labels:  convolutional-neural-networks, cnn
Workattendancesystem
一个基于opencv、dilb的员工人脸识别考勤系统
Stars: ✭ 299 (-26.89%)
Mutual labels:  face-detection, face-recognition
Ios 10 Sampler
Code examples for new APIs of iOS 10.
Stars: ✭ 3,341 (+716.87%)
Mutual labels:  convolutional-neural-networks, cnn

deepface

blackpink with deepface(vgg model)

Deep Learning Models for Face Detection/Recognition/Alignments, implemented in Tensorflow.

Here is the snippet of using this repository : Colab

Main Contributers

@ildoonet @kimdwkimdw @hahahahannie @jaehobang

Models

Baseline

A baseline model use dlib face detection module to crop rois. Then they will be forwarded at the vggface network to extract features.

Experiments

LFW Dataset

Detector Recognition Model Description Set 1-EER Accuracy
VGG Paper, No Embedding, Trained Test 0.9673
VGG Paper, Embedding, Trained Test 0.9913
dlib VGG no embedding, no training on lfw Test 0.9400 0.936
dlib VGG2-Resnet no training on lfw Test 0.9680 0.949
SSD
Mobilenet-v2
VGG2-Resnet no training on lfw Test 0.990 0.973

Install

Requirements

  • tensorflow >= 1.8.0
  • opencv >= 3.4.1

Install & Download Models

$ pip install -r requirements.txt
$ cd detectors/dlib
$ bash download.sh
$ cd ../ssd
$ bash download.sh
$ cd ../../recognizers/vggface/
$ bash download.sh
$ cd ../vggface2_resnet/
$ bash download.sh

Run

Test on samples

$ python bin/run_example.py run --source_path=./samples/faces --db_path=./sample_db.pkl --img_path=./samples/blackpink/blackpink1.jpg --method=vgg2

Test on a image

$ python bin/face.py run --visualize=true --image=./samples/blackpink/blackpink1.jpg

Reference

Models

[1] VGG Face : http://www.robots.ox.ac.uk/~vgg/software/vgg_face/

[2] VGG Face in Tensorflow : https://github.com/ZZUTK/Tensorflow-VGG-face

[3] DLib : https://github.com/davisking/dlib

[4] Dlib Guide Blog : https://www.pyimagesearch.com/2017/04/03/facial-landmarks-dlib-opencv-python/

[5] VGG Face 2 Project : https://www.robots.ox.ac.uk/~vgg/data/vgg_face2/

[6] Kera VGG Face2 : https://github.com/rcmalli/keras-vggface

Datasets

[1] LFW : http://vis-www.cs.umass.edu/lfw/

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