mtcnn
There are 269 repositories under mtcnn topic.
Zeyi-Lin/HivisionIDPhotos
⚡️HivisionIDPhotos: a lightweight and efficient AI ID photos tools. 一个轻量级的AI证件照制作算法。
davidsandberg/facenet
Face recognition using Tensorflow
timesler/facenet-pytorch
Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models
ipazc/mtcnn
MTCNN face detection implementation for TensorFlow, as a PIP package.
jkjung-avt/tensorrt_demos
TensorRT MODNet, YOLOv4, YOLOv3, SSD, MTCNN, and GoogLeNet
kuaikuaikim/dface
Deep learning face detection and recognition, implemented by pytorch. (pytorch实现的人脸检测和人脸识别)
derronqi/yolov8-face
yolov8 face detection with landmark
Linzaer/Face-Track-Detect-Extract
💎 Detect , track and extract the optimal face in multi-target faces (exclude side face and select the optimal face).
moli232777144/mtcnn_ncnn
基于ncnn框架搭建win及android端的MTCNN人脸检测工程
CongWeilin/mtcnn-caffe
Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Neural Networks
imistyrain/MTCNN
Realtime Face Detection and Head pose estimation on Windows、Ubuntu、Mac、Android and iOS
derronqi/yolov7-face
yolov7 face detection with landmark
LeslieZhoa/tensorflow-MTCNN
人脸检测MTCNN算法,采用tensorflow框架编写,从理解到训练,中文注释完全,含测试和训练,支持摄像头
OAID/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
tpys/face-everthing
face detection alignment recognition reconstruction ...
rrazvd/bbb-face-recognizer
Face recognition system using MTCNN, FACENET, SVM and FAST API to track participants of Big Brother Brasil in real time.
DaFuCoding/MTCNN_Caffe
Simple implementation of kpzhang93's paper from Matlab to c++, and don't change models.
Pi-DeepLearning/RaspberryPi-FaceDetection-MTCNN-Caffe-With-Motion
MTCNN with Motion Detection, on Raspberry Pi with Love
habrman/FaceRecognition
Webcam face recognition using tensorflow and opencv
truongnmt/multi-task-learning
Multi-task learning smile detection, age and gender classification on GENKI4k, IMDB-Wiki dataset.
yeyupiaoling/Pytorch-MTCNN
基于Pytorch实现的MTCNN模型,人脸检测,人脸关键点检测。
yeyupiaoling/Pytorch-MobileFaceNet
Pytorch实现的人脸识别明细MobileFaceNet模型,在预测使用MTCNN检测人脸,然后使用MobileFaceNet模型识别。
arsfutura/face-recognition
A framework for creating and using a Face Recognition system.
OAID/FaceRecognition
This is an implematation project of face detection and recognition. The face detection using MTCNN algorithm, and recognition using LightenenCNN algorithm.
BrightXiaoHan/FaceDetector
A re-implementation of mtcnn. Joint training, tutorial and deployment together.
SamYuen101234/Masked_Face_Recognition
2020/2021 HKUST CSE FYP Masked Facial Recognition, developer: Sam Yuen, Alex Xie, Tony Cheng
xiangrufan/keras-mtcnn
mtcnn face detection transplanted to keras
blaueck/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.
Qengineering/Face-Recognition-Jetson-Nano
Recognize 2000+ faces on your Jetson Nano with database auto-fill and anti-spoofing
jdeng/goface
Face Detector based on MTCNN, tensorflow and golang
cyberfire/tensorflow-mtcnn
C++ and python Inference only for MTCNN face detector on Tensorflow. Based on davidsandberg's facenet project:
Team-Neighborhood/awesome-face-detection
Compare with various detectors - s3fd, dlib, ocv, ocv-dnn, mtcnn-pytorch, face_recognition
mm909/Kaggle-Autism
Detecting Autism Spectrum Disorder in Children With Computer Vision - Adapting facial recognition models to detect Autism Spectrum Disorder
luoyetx/Joint-Face-Detection-and-Alignment
Caffe and Python implementation of Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks
tamerthamoqa/facenet-realtime-face-recognition
A small-scale flask server facial recognition system, using a pre-trained facenet model with real-time web camera face recognition functionality, and a pre-trained Multi-Task Cascading Convolutional Neural Network (MTCNN) for face detection and cropping.