Giter VIP home page Giter VIP logo

dlib_face_recognition_from_camera's Introduction

Face recognition from camera with Dlib

Introduction

调用摄像头进行人脸识别, 支持多张人脸同时识别 / Detect and recognize single or multi faces from camera;

  1. Tkinter 人脸录入界面, 支持录入时设置 (中文) 姓名 / Face register GUI with Tkinter, support setting (chinese) name when registering

    image

  2. 简单的 OpenCV 摄像头人脸录入界面 / Simple face register GUI with OpenCV, tkinter not needed and cannot set name

    image

    离摄像头过近, 人脸超出摄像头范围时, 会有 "OUT OF RANGE" 提醒 / Too close to the camera, or face ROI out of camera area, will have "OUT OF RANGE" warning;

    image

  3. 提取特征建立人脸数据库 / Generate face database from images captured
  4. 利用摄像头进行人脸识别 / Face recognizer

    face_reco_from_camera.py, 对于每一帧都做检测识别 / Do detection and recognition for every frame:

    image

    face_reco_from_camera_single_face.py, 对于人脸<=1, 只有新人脸出现才进行再识别来提高 FPS / Do re-reco only for new single face:

    image

    face_reco_from_camera_ot.py, 利用 OT 来实现再识别提高 FPS / Use OT to instead of re-reco for every frame to improve FPS:

    image

    定制显示名字, 可以写中文 / Show chinese name:

    image

** 关于精度 / About accuracy:

  • When using a distance threshold of 0.6, the dlib model obtains an accuracy of 99.38% on the standard LFW face recognition benchmark.

** 关于算法 / About algorithm

  • 基于 Residual Neural Network / 残差网络的 CNN 模型;

* This model is a ResNet network with 29 conv layers. It's essentially a version of the ResNet-34 network from the paper Deep Residual Learning for Image Recognition by He, Zhang, Ren, and Sun with a few layers removed and the number of filters per layer reduced by half.

Overview

此项目中人脸识别的实现流程 (no OT, 每一帧都进行检测+识别) / Design of this repo, do detection and recognization for every frame:

image

实现流程 (with OT, 初始帧进行检测+识别, 后续帧检测+质心跟踪) / OT used:

image

如果利用 OT 来跟踪, 可以大大提高 FPS, 因为做识别时候需要提取特征描述子的耗时很多 / Use OT can save the time for face descriptor computation to improve FPS;

Steps

  1. 下载源码 / Git clone source code

  2. 安装依赖库 / Install some python packages needed

  3. 进行人脸信息采集录入, Tkinter GUI / Register faces with Tkinter GUI

  4. 进行人脸信息采集录入, OpenCV GUI / Register faces with OpenCV GUI, same with above step

  5. 提取所有录入人脸数据存入 features_all.csv / Features extraction and save into features_all.csv

  6. 调用摄像头进行实时人脸识别 / Real-time face recognition

  7. 对于人脸数<=1, 调用摄像头进行实时人脸识别 / Real-time face recognition (Better FPS compared with face_reco_from_camera.py)

  8. 利用 OT 算法, 调用摄像头进行实时人脸识别 / Real-time face recognition with OT (Better FPS)

About Source Code

代码结构 / Code structure:

.
├── get_faces_from_camera.py                # Step 1. Face register GUI with OpenCV
├── get_faces_from_camera_tkinter.py                # Step 1. Face register GUI with Tkinter
├── features_extraction_to_csv.py           # Step 2. Feature extraction
├── face_reco_from_camera.py                # Step 3. Face recognizer
├── face_reco_from_camera_single_face.py            # Step 3. Face recognizer for single person
├── face_reco_from_camera_ot.py                     # Step 3. Face recognizer with OT
├── face_descriptor_from_camera.py          # Face descriptor computation
├── how_to_use_camera.py                    # Use the default camera by opencv
├── data
│   ├── data_dlib                           # Dlib's model
│   │   ├── dlib_face_recognition_resnet_model_v1.dat
│   │   └── shape_predictor_68_face_landmarks.dat
│   ├── data_faces_from_camera                      # Face images captured from camera (will generate after step 1)
│   │   ├── person_1
│   │   │   ├── img_face_1.jpg
│   │   │   └── img_face_2.jpg
│   │   └── person_2
│   │       └── img_face_1.jpg
│   │       └── img_face_2.jpg
│   └── features_all.csv                        # CSV to save all the features of known faces (will generate after step 2)
├── README.rst
└── requirements.txt                        # Some python packages needed

用到的 Dlib 相关模型函数 / Dlib related functions used in this repo:

  1. Dlib 正向人脸检测器 (based on HOG), output: <class 'dlib.dlib.rectangles'> / Dlib frontal face detector

  2. Dlib 人脸 landmark 特征点检测器, output: <class 'dlib.dlib.full_object_detection'> / Dlib face landmark predictor, will use shape_predictor_68_face_landmarks.dat

  3. Dlib 特征描述子 / Face recognition model, the object maps human faces into 128D vectors

Python 源码介绍如下 / Source code:

  1. get_face_from_camera.py:

    人脸信息采集录入 / Face register with OpenCV GUI

    • 请注意存储人脸图片时, 矩形框不要超出摄像头范围, 要不然无法保存到本地;
    • 超出会有 "out of range" 的提醒;
  2. get_faces_from_camera_tkinter.py:

    进行人脸信息采集录入 Tkinter GUI / Face register with Tkinter GUI

  3. features_extraction_to_csv.py:

    从上一步存下来的图像文件中, 提取人脸数据存入 CSV / Extract features from face images saved in step 1;

    • 会生成一个存储所有特征人脸数据的 features_all.csv
    • Size: n*129 , n means n faces you registered and 129 means face name + 128D features of this face
  4. face_reco_from_camera.py:

    这一步将调用摄像头进行实时人脸识别; / This part will implement real-time face recognition;

    • 将捕获到的人脸数据和之前存的人脸数据进行对比计算欧式距离, 由此判断是否是同一个人;
    • Compare the faces captured from camera with the faces you have registered which are saved in features_all.csv;
  5. face_reco_from_camera_single_face.py:

    针对于人脸数 <=1 的场景, 区别于 face_reco_from_camera.py (对每一帧都进行检测+识别), 只有人脸出现的时候进行识别;

  6. face_reco_from_camera_ot.py:

    只会对初始帧做检测+识别, 对后续帧做检测+质心跟踪;

  7. (optional) face_descriptor_from_camera.py

    调用摄像头进行实时特征描述子计算; / Real-time face descriptor computation;

More

  1. 如果希望详细了解 dlib 的用法, 请参考 Dlib 官方 Python api 的网站 / You can refer to this link for more information of how to use dlib: http://dlib.net/python/index.html
  2. Modify log level to logging.basicConfig(level=logging.DEBUG) to print info for every frame if needed (Default is logging.INFO)
  3. 代码最好不要有中文路径 / No chinese characters in your code directory
  4. 人脸录入的时候先建文件夹再保存图片, 先 NS / Press N before S
  5. 关于 face_reco_from_camera.py 人脸识别卡顿 FPS 低问题, 原因是特征描述子提取很费时间; 光跑 face_descriptor_from_camera.pyface_reco_model.compute_face_descriptor 在我的机器上得到的平均 FPS 在 5 左右 (检测在 0.03s , 特征描述子提取在 0.158s , 和已知人脸进行遍历对比在 0.003s 左右); 所以主要提取特征时候耗资源, 可以用 OT 去做追踪 (使用 face_reco_from_camera_ot.py ), 而不是对每一帧都做检测+识别, 识别的性能从 20 FPS -> 200 FPS

可以访问我的博客获取本项目的更详细介绍, 如有问题可以邮件联系我 / For more details, please visit my blog (in chinese) or send mail to [email protected]:

Thanks for your support.

dlib_face_recognition_from_camera's People

Contributors

coneypo avatar dependabot[bot] avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

dlib_face_recognition_from_camera's Issues

problems about "from skimage import io"

Logs

C:\Users\FXIT\Documents\VsCodeProject\python_face\Dlib_face_recognition_from_camera-master>python features_extraction_to_csv.py
Traceback (most recent call last):
File "features_extraction_to_csv.py", line 13, in
from skimage import io
File "C:\Users\FXIT\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.7_qbz5n2kfra8p0\LocalCache\local-packages\Python37\site-packages\skimage\io_init_.py", line 11, in
from .io import *
File "C:\Users\FXIT\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.7_qbz5n2kfra8p0\LocalCache\local-packages\Python37\site-packages\skimage\io_io.py", line 4, in
from ..color.colorconv import rgb2gray, rgba2rgb
File "C:\Users\FXIT\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.7_qbz5n2kfra8p0\LocalCache\local-packages\Python37\site-packages\skimage\color_init
.py", line 1, in
from .colorconv import (convert_colorspace,
File "C:\Users\FXIT\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.7_qbz5n2kfra8p0\LocalCache\local-packages\Python37\site-packages\skimage\color\colorconv.py", line 56, in
from scipy import linalg
File "C:\Users\FXIT\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.7_qbz5n2kfra8p0\LocalCache\local-packages\Python37\site-packages\scipy_init_.py", line 130, in
from . import distributor_init
File "C:\Users\FXIT\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.7_qbz5n2kfra8p0\LocalCache\local-packages\Python37\site-packages\scipy_distributor_init.py", line 61, in
WinDLL(os.path.abspath(filename))
File "C:\Program Files\WindowsApps\PythonSoftwareFoundation.Python.3.7_3.7.2544.0_x64__qbz5n2kfra8p0\lib\ctypes_init
.py", line 364, in init
self._handle = _dlopen(self._name, mode)
OSError: [WinError 126] 找不到指定的模块。

face_reco_from_camera_single_face.py 問題

想詢問,訓練完人臉後,使用face_reco_from_camera有正常辨識出人臉,但是使用face_reco_from_camera_single_face時卻始終顯示成張三,我看可能的問題出現在def draw_name內的self.current_frame_face_position_list直接被定義在[1],而face_reco_from_camera的def draw_name內的self.current_frame_face_position_list有使用for迴圈計算,請問作者方便告訴我該如何修正嗎?謝謝您

打开usb摄像头过程慢

我使用python3.8+opencv4,打开摄像头的过程大概20s左右,
cap = cv2.VideoCapture(0)
while True:
ret, frame = cap.read()
cv2.imshow("Video", frame)
# 读取内容
if cv2.waitKey(10) == ord("Q"):
break
请问下,有没有快速启动摄像头的方式

运行get_features_into_CSV.py时报错

我clone代码到本地后,将get_from_camera里的照片清空,然后修改路径后,运行get_faces_from_camera后得到自己的数据集。然后把default_person.csv也删除了,再运行get_features_into_CSV.py,结果报错如下:
Traceback (most recent call last):

File "D:/360Downloads/JetBrains/Dlib_face_recognition_from_camera-master/get_features_into_CSV.py", line 76, in
write_into_csv(path_pics, path_csv + "default_person.csv")
File "D:/360Downloads/JetBrains/Dlib_face_recognition_from_camera-master/get_features_into_CSV.py", line 67, in write_into_csv
features_128d = return_128d_features(path_pics + dir_pics[i])
File "D:/360Downloads/JetBrains/Dlib_face_recognition_from_camera-master/get_features_into_CSV.py", line 43, in return_128d_features
face_descriptor = facerec.compute_face_descriptor(img_gray, shape)
RuntimeError: The full_object_detection must use the iBUG 300W 68 point face landmark style.

Process finished with exit code 1
我后来把图像换成博主原来的图像,再次运行还是报这个错。。。请博主赐教。

在执行文件get.py时报错

你好楼主:
向您请教一个问题,在运行“features_extraction_to_csv.py”这个文件是总是报下面的错误。

data/data_faces_from_camera/person_2
正在读的人脸图像 / image to read:                data/data_faces_from_camera/person_2/img_face_1.jpg
检测到人脸的图像 / image with faces detected:    data/data_faces_from_camera/person_2/img_face_1.jpg

Traceback (most recent call last):
  File "features_extraction_to_csv.py", line 93, in <module>
    features_mean_personX = return_features_mean_personX(path_images_from_camera + "person_"+str(person+1))
  File "features_extraction_to_csv.py", line 61, in return_features_mean_personX
    features_128d = return_128d_features(path_faces_personX + "/" + photos_list[i])
  File "features_extraction_to_csv.py", line 45, in return_128d_features
    face_descriptor = face_rec.compute_face_descriptor(img_gray, shape)
RuntimeError: The full_object_detection must use the iBUG 300W 68 point face landmark style.

Error while calling cublasSgemm

当我用ubuntu18.04+cuda10.1+dlib19.17+rtx2080运行程序是总是报错:Error while calling cublasSgemm()in file xx/cuda/cublas_dlibapi.cpp. code:13,reason:a call to cublas failed.请问这种情况如何解决?

get_faces_from_camera.py 文件有一处代码不明白

def pre_work_del_old_face_folders(self):
# 删除之前存的人脸数据文件夹, 删除 "/data_faces_from_camera/person_x/"...
folders_rd = os.listdir(self.path_photos_from_camera)
for i in range(len(folders_rd)):
shutil.rmtree(self.path_photos_from_camera+folders_rd[i])
if os.path.isfile("data/features_all.csv"):
os.remove("data/features_all.csv")

# 如果有之前录入的人脸, 在之前 person_x 的序号按照 person_x+1 开始录入 / Start from person_x+1
def check_existing_faces_cnt(self):
    if os.listdir("data/data_faces_from_camera/"):
        # 获取已录入的最后一个人脸序号 / Get the order of latest person
        person_list = os.listdir("data/data_faces_from_camera/")
        person_num_list = []
        for person in person_list:
            person_num_list.append(int(person.split('_')[-1]))
        self.existing_faces_cnt = max(person_num_list)

    # 如果第一次存储或者没有之前录入的人脸, 按照 person_1 开始录入 / Start from person_1
    else:
        self.existing_faces_cnt = 0

我不明白为什么要删除之前存的人脸数据文件夹,既然都已经删除了,为什么还会检测有没有之前录入的人脸?

多人修改名字

这个修改名字在哪里啊 多人识别的时候 一直都是person1-n 只在 face_reco_from_camera.py中看到了修改人的名字

人名中文

要将框下的人脸名字改成中文总是实现不了,为什么呢

关于收集人脸库的问题

您好,感觉你这个工作做得挺好的,想问一下,每个人需要几张图片作为特征,还有这几张图片的角度和远近需要不一样吗?希望得到您的回复,谢谢~

code

to be honest, this code needs much improvements

关于识别更新问题

感谢您的开源代码,在使用ot对后续帧做跟踪时,如果初始帧没有识别到视频中的数据库中人脸,那么将会一直显示unknown,没有了更新的过程,是否可以考虑 在跟踪多少帧后 再进行识别一次,或者您能给出个建议吗,谢谢。

There is a problem running features_extraction_to_csv. Py

data/data_faces_from_camera/person_1
正在读的人脸图像 / image to read: data/data_faces_from_camera/person_1/img_face_1.jpg
检测到人脸的图像 / image with faces detected: data/data_faces_from_camera/person_1/img_face_1.jpg

Illegal instruction: 4 -------->There is a problem

Problem specification:
MAC OS: 10.13.6
Machine: 2010
Line 45: face_descriptor = face_rec.compute_face_descriptor(img_gray, shape); Part of this analysis: there may be a problem with the dlib library! So lead to: appear prompt illegal instruction: 4 have not found a solution!

请问python是啥版本啊

作者你好 我想问一下你的python是哪个版本的。 我3.8.5版本的python总是不能安装dlib

有没有关于Dlib的详细算法

首先感谢您的代码,做项目时学习了下,有几个问题请教,Dlib库里的算法去哪了解,想深入学习下。0.4那个参数是您测试得到的?’识别率是怎么测的吗?。本人在校大学生,第一次问问题,不得体请见谅

模型请教

作者你好,我这两天读了你的源码,收获很多。
但我发现这个运用是偏很上层的了,我能学习你底层构造模型的算法吗

get_features_into_csv.py报错

D:\Program Files\Anaconda3\lib\site-packages\numpy\core\fromnumeric.py:2957: RuntimeWarning: Mean of empty slice.
out=out, **kwargs)
D:\Program Files\Anaconda3\lib\site-packages\numpy\core_methods.py:80: RuntimeWarning: invalid value encountered in true_divide
ret = ret.dtype.type(ret / rcount)
[True, True, True, True, True, True, True, True, True, True, True, True, True, T
rue, True, True, True, True, True, True, True, True, True, True, True, True, Tru
e, True, True, True, True, True, True, True, True, True, True, True, True, True,
True, True, True, True, True, True, True, True, True, True, True, True, True, T
rue, True, True, True, True, True, True, True, True, True, True, True, True, Tru
e, True, True, True, True, True, True, True, True, True, True, True, True, True,
True, True, True, True, True, True, True, True, True, True, True, True, True, T
rue, True, True, True, True, True, True, True, True, True, True, True, True, Tru
e, True, True, True, True, True, True, True, True, True, True, True, True, True,
True, True, True, True, True, True, True, True]

更改名子

大佬,我想问问可以在进行人脸信息采集录入的时候就顺便设好名子吗??

OT算法下的不支持中文名称输出吗?

我把face_reco_from_camera的show_chinese_name放到face_reco_from_camera_ot_multi_people中
发现输出中文都是???
向下翻阅发现使用是 cv2.putText
作者考虑更新下这方面的代码吗?

In the implementation:get_faces_from_camera.py An error

Could you please tell me how to solve this problem:

Traceback (most recent call last):
File "get_faces_from_camera.py", line 103, in
img_gray = cv2.cvtColor(img_rd, cv2.COLOR_RGB2GRAY)
cv2.error: OpenCV(4.1.0) /Users/travis/build/skvark/opencv-python/opencv/modules/imgproc/src/color.cpp:182: error: (-215:Assertion failed) !_src.empty() in function 'cvtColor'

raspbain

我在树莓派上运行您的程序,出现了图像化界面显示不了的问题怎么解决呢,cannot connect to X server localhost

请问这个模型最多能录取多少个人脸呢?有限制吗?

在录入了17张人脸信息之后再运行会报错
(dlib_env) cc@CAIMacBook-Air main % python3.10 get_faces_from_camera_tkinter.py
Traceback (most recent call last):
File "/Users/cc/Downloads/face/main/get_faces_from_camera_tkinter.py", line 304, in
main()
File "/Users/cc/Downloads/face/main/get_faces_from_camera_tkinter.py", line 300, in main
Face_Register_con.run()
File "/Users/cc/Downloads/face/main/get_faces_from_camera_tkinter.py", line 291, in run
self.check_existing_faces_cnt()
File "/Users/cc/Downloads/face/main/get_faces_from_camera_tkinter.py", line 172, in check_existing_faces_cnt
person_num_list.append(int(person_order))
ValueError: invalid literal for int() with base 10: 'Store'

In the implementation:features_extraction_to_csv.py

data/data_faces_from_camera/person_1
正在读的人脸图像 / image to read: data/data_faces_from_camera/person_1/img_face_1.jpg
检测到人脸的图像 / image with faces detected: data/data_faces_from_camera/person_1/img_face_1.jpg

Illegal instruction: 4

There is a problem:Illegal instruction: 4

这个人脸识别似乎存在问题!

该项目存在的问题:
1、在测试过程发现!当录入一张人脸!在识别过程中能精确识别到!但是,如果你把这一张人脸图片存储在手机上打开!并对准摄像头进行识别!也能识别到!那么这样就会有一个问题!不能进行动态识别!不能分辨识别的是真人的人脸、还是图片上的人脸

关于获取特征信息的理解问题

感谢您的开源代码。但我对代码理解可能不是很透彻,在 features_extraction_to_csv.py 的 return_features_mean_personX 这一块,为什么要把 personX 的 N 张图像 x 128D 取均值变成 1 x 128D,那这样怎么分辨出其中的 N 个人呢

Warning: Ignoring XDG_SESSION_TYPE=wayland on Gnome. Use QT_QPA_PLATFORM=wayland to run on Wayland anyway. 段错误 (核心已转储)

INFO:root:正在读的人脸图像 / Reading image:                data/data_faces_from_camera/person_2_hongs/img_face_8.jpg
INFO:root:检测到人脸的图像 / Image with faces detected:    data/data_faces_from_camera/person_2_hongs/img_face_8.jpg
INFO:root:正在读的人脸图像 / Reading image:                data/data_faces_from_camera/person_2_hongs/img_face_10.jpg
INFO:root:检测到人脸的图像 / Image with faces detected:    data/data_faces_from_camera/person_2_hongs/img_face_10.jpg
INFO:root:正在读的人脸图像 / Reading image:                data/data_faces_from_camera/person_2_hongs/img_face_6.jpg
INFO:root:检测到人脸的图像 / Image with faces detected:    data/data_faces_from_camera/person_2_hongs/img_face_6.jpg
INFO:root:正在读的人脸图像 / Reading image:                data/data_faces_from_camera/person_2_hongs/img_face_3.jpg
INFO:root:检测到人脸的图像 / Image with faces detected:    data/data_faces_from_camera/person_2_hongs/img_face_3.jpg
INFO:root:正在读的人脸图像 / Reading image:                data/data_faces_from_camera/person_2_hongs/img_face_15.jpg
INFO:root:检测到人脸的图像 / Image with faces detected:    data/data_faces_from_camera/person_2_hongs/img_face_15.jpg
INFO:root:正在读的人脸图像 / Reading image:                data/data_faces_from_camera/person_2_hongs/img_face_13.jpg
INFO:root:检测到人脸的图像 / Image with faces detected:    data/data_faces_from_camera/person_2_hongs/img_face_13.jpg
INFO:root:正在读的人脸图像 / Reading image:                data/data_faces_from_camera/person_2_hongs/img_face_7.jpg
INFO:root:检测到人脸的图像 / Image with faces detected:    data/data_faces_from_camera/person_2_hongs/img_face_7.jpg
INFO:root:

INFO:root:所有录入人脸数据存入 / Save all the features of faces registered into: data/features_all.csv
hongs@hongs-ThinkPad-X1-Carbon-Gen-8:~/Desktop/Dlib_face_recognition_from_camera$ python3 face_reco_from_camera.py
INFO:root:Faces in Database:2
Warning: Ignoring XDG_SESSION_TYPE=wayland on Gnome. Use QT_QPA_PLATFORM=wayland to run on Wayland anyway.
段错误 (核心已转储)
hongs@hongs-ThinkPad-X1-Carbon-Gen-8:~/Desktop/Dlib_face_recognition_from_camera$ python3 face_reco_from_camera_single_face.py
INFO:root:Faces in Database: 2
Warning: Ignoring XDG_SESSION_TYPE=wayland on Gnome. Use QT_QPA_PLATFORM=wayland to run on Wayland anyway.
段错误 (核心已转储)
hongs@hongs-ThinkPad-X1-Carbon-Gen-8:~/Desktop/Dlib_face_recognition_from_camerhongs@hongs-ThinkPad-X1-Carbon-Gen-8:~/Desktop/Dlib_face_recognition_from_camerhongs@hongs-ThinkPad-X1-Carbon-Gen-8:~/Desktop/Dlib_face_recognition_from_camera$ p
ython3 face_reco_from_camera_single_face.py
INFO:root:Faces in Database: 2
Warning: Ignoring XDG_SESSION_TYPE=wayland on Gnome. Use QT_QPA_PLATFORM=wayland to run on Wayland anyway.
段错误 (核心已转储)
hongs@hongs-ThinkPad-X1-Carbon-Gen-8:~/Desktop/Dlib_face_recognition_from_camera$ python3 face_reco_from_camera_ot.py
INFO:root:Faces in Database: 2
Warning: Ignoring XDG_SESSION_TYPE=wayland on Gnome. Use QT_QPA_PLATFORM=wayland to run on Wayland anyway.
段错误 (核心已转储)
hongs@hongs-ThinkPad-X

这个人脸识别项目并不完美!存在一定的问题!

该项目存在的问题:
1、在测试过程发现!当录入一张人脸!在识别过程中能精确识别到!但是,如果你把这一张人脸图片存储在手机上打开!并对准摄像头进行识别!也能识别到!那么这样就会有一个问题!不能进行动态识别!不能分辨识别的是真人的人脸、还是图片上的人脸

关于识别人脸显示信息

当摄像头中出现两人人脸,其中一个为注册人脸,一个为没有注册人脸,当识别出一个人脸显示其姓名后,另一个显示相同名字,是否我测试的有问题?

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.