python+OpenCV人脸识别考勤系统实现的详细代码

下面我将为您详细讲解“python+OpenCV人脸识别考勤系统实现的详细代码”的完整攻略:

1. 下载并安装OpenCV

在终端中使用以下命令下载和安装OpenCV:

pip install opencv-python

2. 收集数据

使用OpenCV收集人脸数据,并将其保存到与代码文件相同的目录中的“faces”文件夹中。

以下代码可以帮助您搜集数据:

import cv2

faceCascade = cv2.CascadeClassifier("haarcascade_frontalface_default.xml")
video_capture = cv2.VideoCapture(0)
count = 0

while True:
    # Capture frame-by-frame
    ret, frame = video_capture.read()

    gray = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY)

    faces = faceCascade.detectMultiScale(
        gray,
        scaleFactor=1.1,
        minNeighbors=5,
        minSize=(30, 30),
        flags=cv2.CASCADE_SCALE_IMAGE
    )

    # Draw a rectangle around the faces
    for (x, y, w, h) in faces:
        cv2.rectangle(frame, (x, y), (x+w, y+h), (0, 255, 0), 2)
        count += 1

        # Save the captured image into the datasets folder
        cv2.imwrite("faces/User." + str(count) + ".jpg", gray[y:y+h,x:x+w])

    # Display the resulting frame
    cv2.imshow('Video', frame)

    if cv2.waitKey(1) & 0xFF == ord('q'):
        break

# Release the capture
video_capture.release()
cv2.destroyAllWindows()

3. 训练模型

使用收集到的人脸数据训练模型,以下代码可以帮助您训练模型:

import cv2
import numpy as np
from PIL import Image
import os

# Path for face image database
path = 'faces'

recognizer = cv2.face.LBPHFaceRecognizer_create()
detector = cv2.CascadeClassifier("haarcascade_frontalface_default.xml");

# function to get the images and label data
def getImagesAndLabels(path):

    imagePaths = [os.path.join(path,f) for f in os.listdir(path)]     
    faceSamples=[]
    ids = []

    for imagePath in imagePaths:

        PIL_img = Image.open(imagePath).convert('L') # convert it to grayscale
        img_numpy = np.array(PIL_img,'uint8')

        id = int(os.path.split(imagePath)[-1].split(".")[1])
        faces = detector.detectMultiScale(img_numpy)

        for (x,y,w,h) in faces:
            faceSamples.append(img_numpy[y:y+h,x:x+w])
            ids.append(id)

    return faceSamples,ids

print ("\n [INFO] Training faces. It will take a few seconds. Wait ...")
faces,ids = getImagesAndLabels(path)
recognizer.train(faces, np.array(ids))

# Save the model into trainer/trainer.yml
recognizer.write('trainer/trainer.yml')

# Print the number of faces trained and end program
print("\n [INFO] {0} faces trained. Exiting Program".format(len(np.unique(ids))))

4. 验证模型并实现考勤系统

以下代码可以将模型应用于视频流,并根据检测到的人脸进行考勤:

import cv2
import numpy as np
import os 

recognizer = cv2.face.LBPHFaceRecognizer_create()
recognizer.read('trainer/trainer.yml')
cascadePath = "haarcascade_frontalface_default.xml"
faceCascade = cv2.CascadeClassifier(cascadePath);

font = cv2.FONT_HERSHEY_SIMPLEX

# id counter
id = 0

# names related to ids : example ==> Marcelo: id=1,  etc
names = ['None', 'User 1', 'User 2', 'User 3', 'User 4'] 

# Initialize and start realtime video capture
cam = cv2.VideoCapture(0)
cam.set(3, 640) # set video widht
cam.set(4, 480) # set video height

# Define min window size to be recognized as a face
minW = 0.1*cam.get(3)
minH = 0.1*cam.get(4)

while True:

    ret, img =cam.read()
    gray = cv2.cvtColor(img,cv2.COLOR_BGR2GRAY)

    faces = faceCascade.detectMultiScale( 
        gray,
        scaleFactor = 1.2,
        minNeighbors = 5,
        minSize = (int(minW), int(minH)),
       )

    for(x,y,w,h) in faces:

        cv2.rectangle(img, (x,y), (x+w,y+h), (0,255,0), 2)

        id, confidence = recognizer.predict(gray[y:y+h,x:x+w])

        # Check if confidence is less then 100 ==> "0" is perfect match 
        if confidence < 100:
            id = names[id]
            confidence = "  {0}%".format(round(100 - confidence))
        else:
            id = "unknown"
            confidence = "  {0}%".format(round(100 - confidence))

        cv2.putText(img, str(id), (x+5,y-5), font, 1, (255,255,255), 2)
        cv2.putText(img, str(confidence), (x+5,y+h-5), font, 1, (255,255,0), 1)  

    cv2.imshow('camera',img) 

    if cv2.waitKey(1) & 0xFF == ord('q'):
        break

cam.release()
cv2.destroyAllWindows()

希望这个攻略对您有所帮助,如果您还有其他问题欢迎随时提出。

本站文章如无特殊说明,均为本站原创,如若转载,请注明出处:python+OpenCV人脸识别考勤系统实现的详细代码 - Python技术站

(0)
上一篇 2023年6月2日
下一篇 2023年6月2日

相关文章

  • 使用Python编写Prometheus监控的方法

    使用 Python 编写 Prometheus 监控的方法 Prometheus 是一个流行的开源监控系统,可以用于监控各种应用程序和系统。Python 是一种流行的编程语言,可以用于编写各种应用程序和脚本。以下是使用 Python 编写 Prometheus 监控的方法的详细攻略。 1. 安装 Prometheus 首先,我们需要安装 Prometheus…

    python 2023年5月15日
    00
  • 详解Python如何生成优雅的二维码

    详解Python如何生成优雅的二维码 二维码已成为一种常用的信息传递方式,Python 作为一门高效的编程语言,能够为我们生成优雅的二维码。本攻略将详细讲解如何使用 Python 生成优雅的二维码。 准备工作 在使用 Python 生成二维码前,需要先安装 PyQRCode 模块。可以使用 pip 在终端或命令行中轻松安装: pip install PyQR…

    python 2023年6月6日
    00
  • Python利用带权重随机数解决抽奖和游戏爆装备问题

    Python利用带权重随机数解决抽奖和游戏爆装备问题 介绍 在游戏设计中,抽奖和游戏爆装备是经常遇到的问题。通常情况下,我们需要用到随机数生成器,但是这会导致某些物品的出现频率高于其他物品,从而破坏游戏的平衡性和公正性。这时我们可以利用带权重随机数解决这个问题,实现抽奖和游戏爆装备的平衡性设定和公正性把控。 解决步骤 以下提供一种用 Python 实现带权重…

    python 2023年6月3日
    00
  • python regex库实例用法总结

    Python regex库实例用法总结 什么是正则表达式? 正则表达式(Regular Expression) 是用来匹配字符串中字符组合的一种方式。正则表达式是对字符串操作的一种逻辑公式,就是处理字符串的一种方式。正则表达式也称作正规表示法、正规表示式、正规表达式、规则表达式、常规表示法(英文Regular Expression)。 在Python中,可以…

    python 2023年6月3日
    00
  •  Python思维导图汇总

    Python思维导图汇总攻略 什么是Python思维导图汇总? Python思维导图汇总是一个收集整理了Python编程中相关的知识点、库、框架、实例等内容的思维导图,旨在帮助Python爱好者更全面、更系统地了解Python编程。 怎样使用Python思维导图汇总? 下载思维导图软件 首先需要下载并安装思维导图软件,比如Xmind、MindMaster等。…

    python 2023年5月13日
    00
  • python itchat实现调用微信接口的第三方模块方法

    为了实现python程序调用微信接口,我们可以使用第三方模块itchat。其中itchat可以完美地模拟手机微信登录,并且可以获取到所有微信消息,包括文字、语音、图片、文件等等,以及可以实现发送文字、图片、文件等操作。下面是实现调用微信接口的第三方模块的完整攻略。 1. 安装itchat 首先需要安装itchat模块,可以使用以下命令进行安装: pip in…

    python 2023年5月19日
    00
  • python属于解释语言吗

    是的,Python是解释语言。下面详细讲解一下什么是解释语言以及Python的解释器和解释语言的优缺点。 什么是解释语言? 解释语言是一种代码在运行之前不需要编译的编程语言。相反,解释程序直接将源代码输入解释器并逐行解释执行。解释程序可以将计算机语言翻译成更容易理解的人类语言,排除了领域特定的编译器所需的时间和资源消耗。 与编译语言不同,解释语言的代码编写并…

    python 2023年5月30日
    00
  • Python bool布尔类型详解

    bool 类型只有两个值,要么为True(真),要么为False(假)。 bool 类型用于比较算式,如3>2这个算式里就称为“真”,Python当中用 True 来表示。 比如2>10这个算式,它是错误的,在程序世界里就称之为“假”,Python当中用 False 来表示。 实例如下: >>> 3>2 True >>&g…

    Python数据类型 2022年12月18日
    00
合作推广
合作推广
分享本页
返回顶部