人脸识别python face_recognize_face_recognition

Face Recognition

Recognize and manipulate faces from Python or from the command line with

the world's simplest face recognition library.

Built using dlib's state-of-the-art face recognition

built with deep learning. The model has an accuracy of 99.38% on the

Labeled Faces in the Wild benchmark.

This also provides a simple face_recognition command line tool that lets

you do face recognition on a folder of images from the command line!

face_recognition.svg

face_recognition.svg?branch=master

?version=latest

Features

Find faces in pictures

Find all the faces that appear in a picture:

0cf54344a1fe1714a3053b6a71ebc39a.png

import face_recognition

image = face_recognition.load_image_file("your_file.jpg")

face_locations = face_recognition.face_locations(image)

Find and manipulate facial features in pictures

Get the locations and outlines of each person's eyes, nose, mouth and chin.

8234ef431a1ff061e09486b1a33d2c01.png

import face_recognition

image = face_recognition.load_image_file("your_file.jpg")

face_landmarks_list = face_recognition.face_landmarks(image)

Finding facial features is super useful for lots of important stuff. But you can also use for really stupid stuff

like applying digital make-up (think 'Meitu'):

d6b7d825ccc7e15e70eedf0ec28829b4.png

Identify faces in pictures

Recognize who appears in each photo.

c56c194f88621445dd1b48291758cf9f.png

import face_recognition

known_image = face_recognition.load_image_file("biden.jpg")

unknown_image = face_recognition.load_image_file("unknown.jpg")

biden_encoding = face_recognition.face_encodings(known_image)[0]

unknown_encoding = face_recognition.face_encodings(unknown_image)[0]

results = face_recognition.compare_faces([biden_encoding], unknown_encoding)

You can even use this library with other Python libraries to do real-time face recognition:

4d5762e7b402cb36025241ad7e9a42be.gif

See this example for the code.

Installation

Requirements

Python 3.3+ or Python 2.7

macOS or Linux (Windows not officially supported, but might work)

Installation Options:

Installing on Mac or Linux

First, make sure you have dlib already installed with Python bindings:

Then, install this module from pypi using pip3 (or pip2 for Python 2):

pip3 installface_recognition

If you are having trouble with installation, you can also try out a

pre-configured VM.

Installing on Raspberry Pi 2+

Installing on Windows

While Windows isn't officially supported, helpful users have posted instructions on how to install this library:

Installing a pre-configured Virtual Machine image

Usage

Command-Line Interface

When you install face_recognition, you get a two simple command-line

programs:

face_recognition - Recognize faces in a photograph or folder full for

photographs.

face_detection - Find faces in a photograph or folder full for photographs.

face_recognition command line tool

The face_recognition command lets you recognize faces in a photograph or

folder full for photographs.

First, you need to provide a folder with one picture of each person you

already know. There should be one image file for each person with the

files named according to who is in the picture:

7f937b5197d924c3ec1d76d55cf9f9a7.png

Next, you need a second folder with the files you want to identify:

0cc30b042f38e18d2958b93088b888d4.png

Then in you simply run the command face_recognition, passing in

the folder of known people and the folder (or single image) with unknown

people and it tells you who is in each image:

$face_recognition ./pictures_of_people_i_know/ ./unknown_pictures/

/unknown_pictures/unknown.jpg,Barack Obama

/face_recognition_test/unknown_pictures/unknown.jpg,unknown_person

There's one line in the output for each face. The data is comma-separated

with the filename and the name of the person found.

An unknown_person is a face in the image that didn't match anyone in

your folder of known people.

face_detection command line tool

The face_detection command lets you find the location (pixel coordinatates)

of any faces in an image.

Just run the command face_detection, passing in a folder of images

to check (or a single image):

$face_detection ./folder_with_pictures/

examples/image1.jpg,65,215,169,112

examples/image2.jpg,62,394,211,244

examples/image2.jpg,95,941,244,792

It prints one line for each face that was detected. The coordinates

reported are the top, right, bottom and left coordinates of the face (in pixels).

Adjusting Tolerance / Sensitivity

If you are getting multiple matches for the same person, it might be that

the people in your photos look very similar and a lower tolerance value

is needed to make face comparisons more strict.

You can do that with the --tolerance parameter. The default tolerance

value is 0.6 and lower numbers make face comparisons more strict:

$face_recognition --tolerance 0.54 ./pictures_of_people_i_know/ ./unknown_pictures/

/unknown_pictures/unknown.jpg,Barack Obama

/face_recognition_test/unknown_pictures/unknown.jpg,unknown_person

If you want to see the face distance calculated for each match in order

to adjust the tolerance setting, you can use --show-distance true:

$face_recognition --show-distance true ./pictures_of_people_i_know/ ./unknown_pictures/

/unknown_pictures/unknown.jpg,Barack Obama,0.378542298956785

/face_recognition_test/unknown_pictures/unknown.jpg,unknown_person,None

More Examples

If you simply want to know the names of the people in each photograph but don't

care about file names, you could do this:

$face_recognition ./pictures_of_people_i_know/ ./unknown_pictures/ | cut -d ',' -f2

Barack Obama

unknown_person

Speeding up Face Recognition

Face recognition can be done in parallel if you have a computer with

multiple CPU cores. For example if your system has 4 CPU cores, you can

process about 4 times as many images in the same amount of time by using

all your CPU cores in parallel.

If you are using Python 3.4 or newer, pass in a --cpus parameter:

$face_recognition --cpus 4 ./pictures_of_people_i_know/ ./unknown_pictures/

You can also pass in --cpus -1 to use all CPU cores in your system.

Python Module

You can import the face_recognition module and then easily manipulate

faces with just a couple of lines of code. It's super easy!

Automatically find all the faces in an image

import face_recognition

image = face_recognition.load_image_file("my_picture.jpg")

face_locations = face_recognition.face_locations(image)

# face_locations is now an array listing the co-ordinates of each face!

See this example

to try it out.

You can also opt-in to a somewhat more accurate deep-learning-based face detection model.

Note: GPU acceleration (via nvidia's CUDA library) is required for good

performance with this model. You'll also want to enable CUDA support

when compliling dlib.

import face_recognition

image = face_recognition.load_image_file("my_picture.jpg")

face_locations = face_recognition.face_locations(image, model="cnn")

# face_locations is now an array listing the co-ordinates of each face!

See this example

to try it out.

If you have a lot of images and a GPU, you can also

find faces in batches.

Automatically locate the facial features of a person in an image

import face_recognition

image = face_recognition.load_image_file("my_picture.jpg")

face_landmarks_list = face_recognition.face_landmarks(image)

# face_landmarks_list is now an array with the locations of each facial feature in each face.

# face_landmarks_list[0]['left_eye'] would be the location and outline of the first person's left eye.

See this example

to try it out.

Recognize faces in images and identify who they are

import face_recognition

picture_of_me = face_recognition.load_image_file("me.jpg")

my_face_encoding = face_recognition.face_encodings(picture_of_me)[0]

# my_face_encoding now contains a universal 'encoding' of my facial features that can be compared to any other picture of a face!

unknown_picture = face_recognition.load_image_file("unknown.jpg")

unknown_face_encoding = face_recognition.face_encodings(unknown_picture)[0]

# Now we can see the two face encodings are of the same person with `compare_faces`!

results = face_recognition.compare_faces([my_face_encoding], unknown_face_encoding)

if results[0] == True:

print("It's a picture of me!")

else:

print("It's not a picture of me!")

See this example

to try it out.

Python Code Examples

All the examples are available here.

Face Detection

Facial Features

Facial Recognition

Articles and Guides that cover face_recognition

My article on how Face Recognition works: Modern Face Recognition with Deep Learning

Covers the algorithms and how they generally work

Face recognition with OpenCV, Python, and deep learning by Adrian Rosebrock

Covers how to use face recognition in practice

Raspberry Pi Face Recognition by Adrian Rosebrock

Covers how to use this on a Raspberry Pi

Face clustering with Python by Adrian Rosebrock

Covers how to automatically cluster photos based on who appears in each photo using unsupervised learning

How Face Recognition Works

If you want to learn how face location and recognition work instead of

depending on a black box library, read my article.

Caveats

The face recognition model is trained on adults and does not work very well on children. It tends to mix

up children quite easy using the default comparison threshold of 0.6.

Accuracy may vary between ethnic groups. Please see this wiki page for more details.

Deployment to Cloud Hosts (Heroku, AWS, etc)

Since face_recognition depends on dlib which is written in C++, it can be tricky to deploy an app

using it to a cloud hosting provider like Heroku or AWS.

To make things easier, there's an example Dockerfile in this repo that shows how to run an app built with

face_recognition in a Docker container. With that, you should be able to deploy

to any service that supports Docker images.

Having problems?

If you run into problems, please read the Common Errors section of the wiki before filing a github issue.

Thanks

Many, many thanks to Davis King (@nulhom)

for creating dlib and for providing the trained facial feature detection and face encoding models

used in this library. For more information on the ResNet that powers the face encodings, check out

his blog post.

Thanks to everyone who works on all the awesome Python data science libraries like numpy, scipy, scikit-image,

pillow, etc, etc that makes this kind of stuff so easy and fun in Python.

Thanks to Cookiecutter and the

audreyr/cookiecutter-pypackage project template

for making Python project packaging way more tolerable.

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
好的,我可以为您提供一个基于 Python 和 OpenCV 的人脸录入和识别系统。以下是基本的步骤: 1. 安装 OpenCV 库和其他依赖库,例如 numpy 和 argparse。 2. 准备训练数据集。这里我们可以使用已经标记好的数据集,例如 LFW 数据集,或者自己标记一些人脸数据集。 3. 训练人脸识别模型。我们可以使用 OpenCV 自带的人脸识别算法 LBPH(Local Binary Patterns Histograms)或者使用其他深度学习算法,例如基于卷积神经网络(CNN)的人脸识别模型。 4. 实现人脸录入功能。这里我们可以使用 OpenCV 的人脸检测算法来检测人脸,并使用摄像头拍摄人脸图像,然后将图像保存到本地。 5. 实现人脸识别功能。我们可以使用 OpenCV 的人脸识别算法来识别人脸,并将人脸与已知的人脸数据进行比对,从而确定识别结果。 下面是一些代码参考: ```python import cv2 import numpy as np import argparse # 训练模型 def train_model(training_data): # 加载数据 faces = [] labels = [] for label, folder in enumerate(training_data): for image_path in folder.glob("*.jpg"): image = cv2.imread(str(image_path), cv2.IMREAD_GRAYSCALE) faces.append(image) labels.append(label) # 训练模型 face_recognizer = cv2.face.LBPHFaceRecognizer_create() face_recognizer.train(faces, np.array(labels)) return face_recognizer # 检测人脸 def detect_face(image, face_cascade): gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY) faces = face_cascade.detectMultiScale(gray, scaleFactor=1.1, minNeighbors=5, minSize=(30, 30)) if len(faces) == 0: return None, None (x, y, w, h) = faces[0] return gray[y:y+w, x:x+h], faces[0] # 识别人脸 def recognize_face(image, face_recognizer, face_cascade): face, rect = detect_face(image, face_cascade) if face is None: return None label, confidence = face_recognizer.predict(face) return label, confidence # 录入人脸 def add_face(image, face_cascade, output_folder, label): face, rect = detect_face(image, face_cascade) if face is None: return False output_path = output_folder / f"{label}_{len(list(output_folder.glob('*.jpg'))) + 1}.jpg" cv2.imwrite(str(output_path), face) return True # 主函数 def main(): parser = argparse.ArgumentParser(description="Face Recognition System") parser.add_argument("--train", action="store_true", help="Train the face recognition model") parser.add_argument("--input", type=str, help="Input image or video path") parser.add_argument("--output", type=str, help="Output image or video path") parser.add_argument("--add", type=str, help="Add a new face to the dataset") parser.add_argument("--label", type=str, help="Label of the new face") args = parser.parse_args() if args.train: # 训练模型 training_data = [Path("data/face_recognition/person1"), Path("data/face_recognition/person2")] face_recognizer = train_model(training_data) face_recognizer.save("data/face_recognition/model.xml") elif args.add: # 录入新人脸 image = cv2.imread(args.add) face_cascade = cv2.CascadeClassifier("data/haarcascade_frontalface_default.xml") output_folder = Path("data/face_recognition/person3") add_face(image, face_cascade, output_folder, args.label) else: # 识别人脸 face_recognizer = cv2.face.LBPHFaceRecognizer_create() face_recognizer.read("data/face_recognition/model.xml") face_cascade = cv2.CascadeClassifier("data/haarcascade_frontalface_default.xml") if args.input: # 处理图片 image = cv2.imread(args.input) label, confidence = recognize_face(image, face_recognizer, face_cascade) print(f"Recognized label: {label}, confidence: {confidence}") if args.output: cv2.imwrite(args.output, image) else: # 处理视频 cap = cv2.VideoCapture(0) while True: ret, frame = cap.read() label, confidence = recognize_face(frame, face_recognizer, face_cascade) print(f"Recognized label: {label}, confidence: {confidence}") if args.output: cv2.imwrite(args.output, frame) cv2.imshow("Face Recognition", frame) if cv2.waitKey(1) & 0xFF == ord('q'): break cap.release() cv2.destroyAllWindows() if __name__ == "__main__": main() ``` 您可以根据需要调整代码并添加更多功能。

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值