All Projects → dkarunakaran → facenet_mtcnn_tensorflow_inference_engine

dkarunakaran / facenet_mtcnn_tensorflow_inference_engine

Licence: other
This is a modified and simplified inference engine of davidsandberg's facenet

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to facenet mtcnn tensorflow inference engine

Face-Recognition-FaceNet
A python script label faces in group photos using Facenet. 🎉
Stars: ✭ 21 (-48.78%)
Mutual labels:  facenet, mtcnn
Face
I have published my face related codes in this repository
Stars: ✭ 53 (+29.27%)
Mutual labels:  facenet, mtcnn
FaceNet-based-Attendance-System
Deep Learning based Web Application for marking attendance of students by recognizing the student's faces from the surveillance video footage of classroom.
Stars: ✭ 25 (-39.02%)
Mutual labels:  facenet, mtcnn
Facenet
Face recognition using Tensorflow
Stars: ✭ 12,189 (+29629.27%)
Mutual labels:  facenet, mtcnn
android mtcnn insightface face recognize
detect face with mtcnn and embedder with insightface
Stars: ✭ 64 (+56.1%)
Mutual labels:  mtcnn
facenet-pytorch-glint360k
A PyTorch implementation of the 'FaceNet' paper for training a facial recognition model with Triplet Loss using the glint360k dataset. A pre-trained model using Triplet Loss is available for download.
Stars: ✭ 186 (+353.66%)
Mutual labels:  facenet
FaceNet-IOT
IOT implementation for FaceNet project by David Sandberg https://github.com/davidsandberg/facenet
Stars: ✭ 18 (-56.1%)
Mutual labels:  facenet
Nearest-Celebrity-Face
Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.
Stars: ✭ 30 (-26.83%)
Mutual labels:  facenet
FaceIDLight
A lightweight face-recognition toolbox and pipeline based on tensorflow-lite
Stars: ✭ 17 (-58.54%)
Mutual labels:  mtcnn
Facial-Recognition-Using-FaceNet-Siamese-One-Shot-Learning
Implementation of Facial Recognition System Using Facenet based on One Shot Learning Using Siamese Networks
Stars: ✭ 104 (+153.66%)
Mutual labels:  facenet
faceanalysis
Pipeline for face detection and matching
Stars: ✭ 21 (-48.78%)
Mutual labels:  facenet
PaddlePaddle-MTCNN
基于PaddlePaddle复现的MTCNN人脸检测模型
Stars: ✭ 23 (-43.9%)
Mutual labels:  mtcnn
FaceRecog
Realtime Facial recognition system using Siamese neural network
Stars: ✭ 47 (+14.63%)
Mutual labels:  facenet
mtcnn tf
MTCNN implement by tensorflow. Easy to training and testing.
Stars: ✭ 41 (+0%)
Mutual labels:  mtcnn
tf-mtcnn
This project provide a single tensorflow model implement the mtcnn face detector. And it shows how to convert model from caffe to tensorflow in a hard way.
Stars: ✭ 117 (+185.37%)
Mutual labels:  mtcnn
Real-time-Face-recognition
即時人臉辨識(使用OpenCV與FaceNet)
Stars: ✭ 37 (-9.76%)
Mutual labels:  facenet
real-time-face-recognition
Real Time Face Recognition using FaceNet and OpenCV
Stars: ✭ 19 (-53.66%)
Mutual labels:  facenet
RobotVision2
移动端实时疲劳驾驶检测
Stars: ✭ 23 (-43.9%)
Mutual labels:  mtcnn
Face-Recognition-Jetson-Nano
Recognize 2000+ faces on your Jetson Nano with database auto-fill and anti-spoofing
Stars: ✭ 63 (+53.66%)
Mutual labels:  mtcnn
multi-task-learning
Multi-task learning smile detection, age and gender classification on GENKI4k, IMDB-Wiki dataset.
Stars: ✭ 154 (+275.61%)
Mutual labels:  mtcnn

FaceNet and MTCNN using Tensorflow

Required packages

  • Python 3.6
  • Tensorflow 1.8
  • opencv 3.4
  • Scipy
  • Numpy
  • Pickle
  • Sklearn

Download the pretrained weights

  • Download this pretrained Facenet model and copy to model folder.
  • Download this pretrained MTCNN models and copy to mtcnn_model.

Steps to create the embeddings

  • Add images to 'people' folder for creating the embeddings
  • Run the below code to create the embeddings
face_embedding = FaceEmbedding()
embedding = face_embedding.convert_to_embedding()

Steps the comapare nw images with existing embedding created by above step:

  • Run the below code for comparison(Please note provide the image to compare in convert_to_embedding method).
face_embedding = FaceEmbedding()
embedding = face_embedding.convert_to_embedding(single=True, img_path='face6.jpg')
emb_list = face_embedding.load_pickle()
face_embedding.ecuclidean_distance(emb_list, embedding)

Custom training for Facnet and MTCNN models

This repos is mainly make use of pretrained weights and act as inference engine for face recognition. If you want to train, facnet and MTCNN models for further, Use these great two links. Once the training finished, you can copy back the models to this repo and can start doing inference.

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