Распознавание лица python github

Saved searches

Use saved searches to filter your results more quickly

You signed in with another tab or window. Reload to refresh your session. You signed out in another tab or window. Reload to refresh your session. You switched accounts on another tab or window. Reload to refresh your session.

Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models

License

timesler/facenet-pytorch

This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository.

Name already in use

A tag already exists with the provided branch name. Many Git commands accept both tag and branch names, so creating this branch may cause unexpected behavior. Are you sure you want to create this branch?

Sign In Required

Please sign in to use Codespaces.

Launching GitHub Desktop

If nothing happens, download GitHub Desktop and try again.

Launching GitHub Desktop

If nothing happens, download GitHub Desktop and try again.

Launching Xcode

If nothing happens, download Xcode and try again.

Launching Visual Studio Code

Your codespace will open once ready.

There was a problem preparing your codespace, please try again.

Latest commit

…equences (#196) (#207) Numpy is throwing deprecation warnings for creating arrays from nested sequences on line 183 of detect_face.py and on lines 339, 340, 341 of mtcnn.py when running the example training script. The fix is to pass ‘dtype=object’ as a parameter when creating the ndarray. E.g., on line 339 of mtcnn.py np.array(boxes) becomes np.array(boxes, dtype=object) Co-authored-by: Markham Lee

Git stats

Files

Failed to load latest commit information.

README.md

Face Recognition Using Pytorch

Python 3.10 3.9 3.8
Status

xscode

This is a repository for Inception Resnet (V1) models in pytorch, pretrained on VGGFace2 and CASIA-Webface.

Pytorch model weights were initialized using parameters ported from David Sandberg’s tensorflow facenet repo.

Also included in this repo is an efficient pytorch implementation of MTCNN for face detection prior to inference. These models are also pretrained. To our knowledge, this is the fastest MTCNN implementation available.

# With pip: pip install facenet-pytorch # or clone this repo, removing the '-' to allow python imports: git clone https://github.com/timesler/facenet-pytorch.git facenet_pytorch # or use a docker container (see https://github.com/timesler/docker-jupyter-dl-gpu): docker run -it --rm timesler/jupyter-dl-gpu pip install facenet-pytorch && ipython
from facenet_pytorch import MTCNN, InceptionResnetV1 # If required, create a face detection pipeline using MTCNN: mtcnn = MTCNN(image_size=image_size>, margin=margin>) # Create an inception resnet (in eval mode): resnet = InceptionResnetV1(pretrained='vggface2').eval()
from PIL import Image img = Image.open(image path>) # Get cropped and prewhitened image tensor img_cropped = mtcnn(img, save_path=optional save path>) # Calculate embedding (unsqueeze to add batch dimension) img_embedding = resnet(img_cropped.unsqueeze(0)) # Or, if using for VGGFace2 classification resnet.classify = True img_probs = resnet(img_cropped.unsqueeze(0))

See help(MTCNN) and help(InceptionResnetV1) for usage and implementation details.

The following models have been ported to pytorch (with links to download pytorch state_dict’s):

Model name LFW accuracy (as listed here) Training dataset
20180408-102900 (111MB) 0.9905 CASIA-Webface
20180402-114759 (107MB) 0.9965 VGGFace2

There is no need to manually download the pretrained state_dict’s; they are downloaded automatically on model instantiation and cached for future use in the torch cache. To use an Inception Resnet (V1) model for facial recognition/identification in pytorch, use:

from facenet_pytorch import InceptionResnetV1 # For a model pretrained on VGGFace2 model = InceptionResnetV1(pretrained='vggface2').eval() # For a model pretrained on CASIA-Webface model = InceptionResnetV1(pretrained='casia-webface').eval() # For an untrained model with 100 classes model = InceptionResnetV1(num_classes=100).eval() # For an untrained 1001-class classifier model = InceptionResnetV1(classify=True, num_classes=1001).eval()

Both pretrained models were trained on 160×160 px images, so will perform best if applied to images resized to this shape. For best results, images should also be cropped to the face using MTCNN (see below).

By default, the above models will return 512-dimensional embeddings of images. To enable classification instead, either pass classify=True to the model constructor, or you can set the object attribute afterwards with model.classify = True . For VGGFace2, the pretrained model will output logit vectors of length 8631, and for CASIA-Webface logit vectors of length 10575.

Complete detection and recognition pipeline

Face recognition can be easily applied to raw images by first detecting faces using MTCNN before calculating embedding or probabilities using an Inception Resnet model. The example code at examples/infer.ipynb provides a complete example pipeline utilizing datasets, dataloaders, and optional GPU processing.

Face tracking in video streams

MTCNN can be used to build a face tracking system (using the MTCNN.detect() method). A full face tracking example can be found at examples/face_tracking.ipynb.

Finetuning pretrained models with new data

In most situations, the best way to implement face recognition is to use the pretrained models directly, with either a clustering algorithm or a simple distance metrics to determine the identity of a face. However, if finetuning is required (i.e., if you want to select identity based on the model’s output logits), an example can be found at examples/finetune.ipynb.

Guide to MTCNN in facenet-pytorch

This guide demonstrates the functionality of the MTCNN module. Topics covered are:

  • Basic usage
  • Image normalization
  • Face margins
  • Multiple faces in a single image
  • Batched detection
  • Bounding boxes and facial landmarks
  • Saving face datasets

Performance comparison of face detection packages

This notebook demonstrates the use of three face detection packages:

Each package is tested for its speed in detecting the faces in a set of 300 images (all frames from one video), with GPU support enabled. Performance is based on Kaggle’s P100 notebook kernel. Results are summarized below.

Package FPS (1080×1920) FPS (720×1280) FPS (540×960)
facenet-pytorch 12.97 20.32 25.50
facenet-pytorch (non-batched) 9.75 14.81 19.68
dlib 3.80 8.39 14.53
mtcnn 3.04 5.70 8.23

This algorithm demonstrates how to achieve extremely efficient face detection specifically in videos, by taking advantage of similarities between adjacent frames.

The package and any of the example notebooks can be run with docker (or nvidia-docker) using:

docker run --rm -p 8888:8888 -v ./facenet-pytorch:/home/jovyan timesler/jupyter-dl-gpu \ -v path to data>:/home/jovyan/data pip install facenet-pytorch && jupyter lab

Navigate to the examples/ directory and run any of the ipython notebooks.

See timesler/jupyter-dl-gpu for docker container details.

Use this repo in your own git project

To use this code in your own git repo, I recommend first adding this repo as a submodule. Note that the dash (‘-‘) in the repo name should be removed when cloning as a submodule as it will break python when importing:

git submodule add https://github.com/timesler/facenet-pytorch.git facenet_pytorch

Alternatively, the code can be installed as a package using pip:

pip install facenet-pytorch

Conversion of parameters from Tensorflow to Pytorch

Note that this functionality is not needed to use the models in this repo, which depend only on the saved pytorch state_dict ‘s.

Following instantiation of the pytorch model, each layer’s weights were loaded from equivalent layers in the pretrained tensorflow models from davidsandberg/facenet.

The equivalence of the outputs from the original tensorflow models and the pytorch-ported models have been tested and are identical:

>>> compare_model_outputs(mdl, sess, torch.randn(5, 160, 160, 3).detach())

Passing test data through TF model tensor([[-0.0142, 0.0615, 0.0057, . 0.0497, 0.0375, -0.0838], [-0.0139, 0.0611, 0.0054, . 0.0472, 0.0343, -0.0850], [-0.0238, 0.0619, 0.0124, . 0.0598, 0.0334, -0.0852], [-0.0089, 0.0548, 0.0032, . 0.0506, 0.0337, -0.0881], [-0.0173, 0.0630, -0.0042, . 0.0487, 0.0295, -0.0791]]) Passing test data through PT model tensor([[-0.0142, 0.0615, 0.0057, . 0.0497, 0.0375, -0.0838], [-0.0139, 0.0611, 0.0054, . 0.0472, 0.0343, -0.0850], [-0.0238, 0.0619, 0.0124, . 0.0598, 0.0334, -0.0852], [-0.0089, 0.0548, 0.0032, . 0.0506, 0.0337, -0.0881], [-0.0173, 0.0630, -0.0042, . 0.0487, 0.0295, -0.0791]], grad_fn=) Distance 1.2874517096861382e-06 

In order to re-run the conversion of tensorflow parameters into the pytorch model, ensure you clone this repo with submodules, as the davidsandberg/facenet repo is included as a submodule and parts of it are required for the conversion.

  1. David Sandberg’s facenet repo: https://github.com/davidsandberg/facenet
  2. F. Schroff, D. Kalenichenko, J. Philbin. FaceNet: A Unified Embedding for Face Recognition and Clustering, arXiv:1503.03832, 2015. PDF
  3. Q. Cao, L. Shen, W. Xie, O. M. Parkhi, A. Zisserman. VGGFace2: A dataset for recognising face across pose and age, International Conference on Automatic Face and Gesture Recognition, 2018. PDF
  4. D. Yi, Z. Lei, S. Liao and S. Z. Li. CASIAWebface: Learning Face Representation from Scratch, arXiv:1411.7923, 2014. PDF
  5. K. Zhang, Z. Zhang, Z. Li and Y. Qiao. Joint Face Detection and Alignment Using Multitask Cascaded Convolutional Networks, IEEE Signal Processing Letters, 2016. PDF

About

Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models

Источник

Saved searches

Use saved searches to filter your results more quickly

You signed in with another tab or window. Reload to refresh your session. You signed out in another tab or window. Reload to refresh your session. You switched accounts on another tab or window. Reload to refresh your session.

face-detection

Here are 2,034 public repositories matching this topic.

ageitgey / face_recognition

The world’s simplest facial recognition api for Python and the command line

deepinsight / insightface

State-of-the-art 2D and 3D Face Analysis Project

davidsandberg / facenet

Face recognition using Tensorflow

PaddlePaddle / PaddleDetection

Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.

Linzaer / Ultra-Light-Fast-Generic-Face-Detector-1MB

💎 1MB lightweight face detection model (1MB轻量级人脸检测模型)

1adrianb / face-alignment

🔥 2D and 3D Face alignment library build using pytorch

timesler / facenet-pytorch

Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models

ZhaoJ9014 / face.evoLVe

🔥 🔥 High-Performance Face Recognition Library on PaddlePaddle & PyTorch 🔥 🔥

mpatacchiola / 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.

axinc-ai / ailia-models

The collection of pre-trained, state-of-the-art AI models for ailia SDK

RiweiChen / DeepFace

Face analysis mainly based on Caffe. At this time, face analysis tasks like detection, alignment and recognition have been done.

emilianavt / OpenSeeFace

Robust realtime face and facial landmark tracking on CPU with Unity integration

jasmcaus / opencv-course

Learn OpenCV in 4 Hours — Code used in my Python and OpenCV course on freeCodeCamp.

ITCoders / Human-detection-and-Tracking

zisianw / FaceBoxes.PyTorch

A PyTorch Implementation of FaceBoxes

1996scarlet / OpenVtuber

虚拟爱抖露(アイドル)共享计划, 是基于单目RGB摄像头的人眼与人脸特征点检测算法, 在实时3D面部捕捉以及模型驱动领域的应用.

kwea123 / VTuber_Unity

Use Unity 3D character and Python deep learning algorithms to stream as a VTuber!

becauseofAI / MobileFace

A face recognition solution on mobile device.

serengil / retinaface

RetinaFace: Deep Face Detection Library for Python

iitzco / faced

🚀 😏 Near Real Time CPU Face detection using deep learning

Improve this page

Add a description, image, and links to the face-detection topic page so that developers can more easily learn about it.

Add this topic to your repo

To associate your repository with the face-detection topic, visit your repo’s landing page and select «manage topics.»

Источник

Читайте также:  Html select data url
Оцените статью