當前位置:首頁 » 編程語言 » python人臉解鎖

python人臉解鎖

發布時間: 2023-07-28 06:44:45

⑴ 怎麼用python調取一個人臉識別 api

必備知識
Haar-like
通俗的來講,就是作為人臉特徵即可。
Haar特徵值反映了圖像的灰度變化情況。例如:臉部的一些特徵能由矩形特徵簡單的描述,如:眼睛要比臉頰顏色要深,鼻樑兩側比鼻樑顏色要深,嘴巴比周圍顏色要深等。
opencv api
要想使用opencv,就必須先知道其能幹什麼,怎麼做。於是API的重要性便體現出來了。就本例而言,使用到的函數很少,也就普通的讀取圖片,灰度轉換,顯示圖像,簡單的編輯圖像罷了。
如下:
讀取圖片
只需要給出待操作的圖片的路徑即可。
import cv2
image = cv2.imread(imagepath)
灰度轉換
灰度轉換的作用就是:轉換成灰度的圖片的計算強度得以降低。
import cv2
gray = cv2.cvtColor(image,cv2.COLOR_BGR2GRAY)
畫圖
opencv 的強大之處的一個體現就是其可以對圖片進行任意編輯,處理。
下面的這個函數最後一個參數指定的就是畫筆的大小。
import cv2
cv2.rectangle(image,(x,y),(x+w,y+w),(0,255,0),2)
顯示圖像
編輯完的圖像要麼直接的被顯示出來,要麼就保存到物理的存儲介質。
import cv2
cv2.imshow("Image Title",image)
獲取人臉識別訓練數據
看似復雜,其實就是對於人臉特徵的一些描述,這樣opencv在讀取完數據後很據訓練中的樣品數據,就可以感知讀取到的圖片上的特徵,進而對圖片進行人臉識別。
import cv2
face_cascade = cv2.CascadeClassifier(r'./haarcascade_frontalface_default.xml')
里賣弄的這個xml文件,就是opencv在GitHub上共享出來的具有普適的訓練好的數據。我們可以直接的拿來使用。
訓練數據參考地址:

探測人臉
說白了,就是根據訓練的數據來對新圖片進行識別的過程。
import cv2
# 探測圖片中的人臉
faces = face_cascade.detectMultiScale(
gray,
scaleFactor = 1.15,
minNeighbors = 5,
minSize = (5,5),
flags = cv2.cv.CV_HAAR_SCALE_IMAGE
)
我們可以隨意的指定裡面參數的值,來達到不同精度下的識別。返回值就是opencv對圖片的探測結果的體現。
處理人臉探測的結果
結束了剛才的人臉探測,我們就可以拿到返回值來做進一步的處理了。但這也不是說會多麼的復雜,無非添加點特徵值罷了。
import cv2
print "發現{0}個人臉!".format(len(faces))
for(x,y,w,h) in faces:
cv2.rectangle(image,(x,y),(x+w,y+w),(0,255,0),2)
實例
有了剛才的基礎,我們就可以完成一個簡單的人臉識別的小例子了。
圖片素材
下面的這張圖片將作為我們的檢測依據。

人臉檢測代碼
# coding:utf-8
import sys

reload(sys)
sys.setdefaultencoding('utf8')
# __author__ = '郭 璞'
# __date__ = '2016/9/5'
# __Desc__ = 人臉檢測小例子,以圓圈圈出人臉
import cv2
# 待檢測的圖片路徑
imagepath = r'./heat.jpg'

# 獲取訓練好的人臉的參數數據,這里直接從GitHub上使用默認值
face_cascade = cv2.CascadeClassifier(r'./haarcascade_frontalface_default.xml')

# 讀取圖片
image = cv2.imread(imagepath)
gray = cv2.cvtColor(image,cv2.COLOR_BGR2GRAY)

# 探測圖片中的人臉
faces = face_cascade.detectMultiScale(
gray,
scaleFactor = 1.15,
minNeighbors = 5,
minSize = (5,5),
flags = cv2.cv.CV_HAAR_SCALE_IMAGE
)

print "發現{0}個人臉!".format(len(faces))

for(x,y,w,h) in faces:
# cv2.rectangle(image,(x,y),(x+w,y+w),(0,255,0),2)
cv2.circle(image,((x+x+w)/2,(y+y+h)/2),w/2,(0,255,0),2)

cv2.imshow("Find Faces!",image)
cv2.waitKey(0)
人臉檢測結果
輸出圖片:

輸出結果:
D:\Software\Python2\python.exe E:/Code/Python/DataStructor/opencv/Demo.py
發現3個人臉!

⑵ 如何利用python進行精準人臉識別

要調用api介面,建議用face++的,支付寶的人臉識別都是用的這個。可能需要一點費用,不貴,代碼里把fece++的api介面放進代碼就行,還可以可以檢測情緒,年齡等等的。

當然也有其他公司人臉識別的api介面,自己發現吧,其實很多,但基本都不會免費,有的可以試用

⑶ 如何用Python實現簡單人臉識別

你可以使用opencv庫提供的人臉識別模塊,這樣子會比較快

⑷ python人臉識別戴口罩的人臉和不戴口罩的人臉哪個相同

一般情況下,人臉識別技術是無法識別戴口罩的。因為基於人臉識別原理來講人臉識別基於深度學習實現,利用卷積神經網路(CNN)對海量的人臉圖片進行學習,卷積出包括表徵人臉的臉型、鼻子、眼睛、嘴唇、眉毛等等的特徵模型,對輸入的圖像提取出對區分不同人臉有用的特徵向量。通過特徵向量在特徵空間里進行比對,同一人乎頃的不同照片提取出的特徵,在特徵空間里距離很近,不同人的臉在特徵空間里相游頃圓距較遠。通過人臉的特徵提取、比對進行的人臉識別。帶著口罩往往展現的面部特徵較小,在火車站這樣神塌的場景下,每天數據量很大,核驗人員身份精度要求比較高,往往很難實現。

而針對你所說的戴著口罩可以識別的情況,我通過我們虹軟的人臉識別演算法也進行了測試,當注冊人臉時戴著口罩的話後續人臉比對也是可以通過的。

⑸ python人臉識別所用的優化演算法有什麼

python三步實現人臉識別

Face Recognition軟體包

這是世界上最簡單的人臉識別庫了。你可以通過Python引用或者命令行的形式使用它,來管理和識別人臉。

該軟體包使用dlib中最先進的人臉識別深度學習演算法,使得識別准確率在《Labled Faces in the world》測試基準下達到了99.38%。

它同時提供了一個叫face_recognition的命令行工具,以便你可以用命令行對一個文件夾中的圖片進行識別操作。

特性

在圖片中識別人臉

找到圖片中所有的人臉

這里是一個例子:

1
  • https://github.com/ageitgey/face_recognition/blob/master/examples/recognize_faces_in_picture
  • ⑹ 如何線上部署用python基於dlib寫的人臉識別演算法

    python使用dlib進行人臉檢測與人臉關鍵點標記

    Dlib簡介:

    首先給大家介紹一下Dlib

    我使用的版本是dlib-18.17,大家也可以在我這里下載:

    之後進入python_examples下使用bat文件進行編譯,編譯需要先安裝libboost-python-dev和cmake

    cd to dlib-18.17/python_examples

    ./compile_dlib_python_mole.bat 123

    之後會得到一個dlib.so,復制到dist-packages目錄下即可使用

    這里大家也可以直接用我編譯好的.so庫,但是也必須安裝libboost才可以,不然python是不能調用so庫的,下載地址:

    將.so復制到dist-packages目錄下

    sudo cp dlib.so /usr/local/lib/python2.7/dist-packages/1

    最新的dlib18.18好像就沒有這個bat文件了,取而代之的是一個setup文件,那麼安裝起來應該就沒有這么麻煩了,大家可以去直接安裝18.18,也可以直接下載復制我的.so庫,這兩種方法應該都不麻煩~

    有時候還會需要下面這兩個庫,建議大家一並安裝一下

    9.安裝skimage

    sudo apt-get install python-skimage1

    10.安裝imtools

    sudo easy_install imtools1

    Dlib face landmarks Demo

    環境配置結束之後,我們首先看一下dlib提供的示常式序

    1.人臉檢測

    dlib-18.17/python_examples/face_detector.py 源程序:

    #!/usr/bin/python# The contents of this file are in the public domain. See LICENSE_FOR_EXAMPLE_PROGRAMS.txt## This example program shows how to find frontal human faces in an image. In# particular, it shows how you can take a list of images from the command# line and display each on the screen with red boxes overlaid on each human# face.## The examples/faces folder contains some jpg images of people. You can run# this program on them and see the detections by executing the# following command:# ./face_detector.py ../examples/faces/*.jpg## This face detector is made using the now classic Histogram of Oriented# Gradients (HOG) feature combined with a linear classifier, an image# pyramid, and sliding window detection scheme. This type of object detector# is fairly general and capable of detecting many types of semi-rigid objects# in addition to human faces. Therefore, if you are interested in making# your own object detectors then read the train_object_detector.py example# program. ### COMPILING THE DLIB PYTHON INTERFACE# Dlib comes with a compiled python interface for python 2.7 on MS Windows. If# you are using another python version or operating system then you need to# compile the dlib python interface before you can use this file. To do this,# run compile_dlib_python_mole.bat. This should work on any operating# system so long as you have CMake and boost-python installed.# On Ubuntu, this can be done easily by running the command:# sudo apt-get install libboost-python-dev cmake## Also note that this example requires scikit-image which can be installed# via the command:# pip install -U scikit-image# Or downloaded from . import sys

    import dlib

    from skimage import io

    detector = dlib.get_frontal_face_detector()

    win = dlib.image_window()

    print("a");for f in sys.argv[1:]:

    print("a");

    print("Processing file: {}".format(f))
    img = io.imread(f)
    # The 1 in the second argument indicates that we should upsample the image
    # 1 time. This will make everything bigger and allow us to detect more
    # faces.
    dets = detector(img, 1)
    print("Number of faces detected: {}".format(len(dets))) for i, d in enumerate(dets):
    print("Detection {}: Left: {} Top: {} Right: {} Bottom: {}".format(
    i, d.left(), d.top(), d.right(), d.bottom()))

    win.clear_overlay()
    win.set_image(img)
    win.add_overlay(dets)
    dlib.hit_enter_to_continue()# Finally, if you really want to you can ask the detector to tell you the score# for each detection. The score is bigger for more confident detections.# Also, the idx tells you which of the face sub-detectors matched. This can be# used to broadly identify faces in different orientations.if (len(sys.argv[1:]) > 0):
    img = io.imread(sys.argv[1])
    dets, scores, idx = detector.run(img, 1) for i, d in enumerate(dets):
    print("Detection {}, score: {}, face_type:{}".format(
    d, scores[i], idx[i]))5767778798081

    我把源代碼精簡了一下,加了一下注釋: face_detector0.1.py

    # -*- coding: utf-8 -*-import sys

    import dlib

    from skimage import io#使用dlib自帶的frontal_face_detector作為我們的特徵提取器detector = dlib.get_frontal_face_detector()#使用dlib提供的圖片窗口win = dlib.image_window()#sys.argv[]是用來獲取命令行參數的,sys.argv[0]表示代碼本身文件路徑,所以參數從1開始向後依次獲取圖片路徑for f in sys.argv[1:]: #輸出目前處理的圖片地址
    print("Processing file: {}".format(f)) #使用skimage的io讀取圖片
    img = io.imread(f) #使用detector進行人臉檢測 dets為返回的結果
    dets = detector(img, 1) #dets的元素個數即為臉的個數
    print("Number of faces detected: {}".format(len(dets))) #使用enumerate 函數遍歷序列中的元素以及它們的下標
    #下標i即為人臉序號
    #left:人臉左邊距離圖片左邊界的距離 ;right:人臉右邊距離圖片左邊界的距離
    #top:人臉上邊距離圖片上邊界的距離 ;bottom:人臉下邊距離圖片上邊界的距離
    for i, d in enumerate(dets):
    print("dets{}".format(d))
    print("Detection {}: Left: {} Top: {} Right: {} Bottom: {}"
    .format( i, d.left(), d.top(), d.right(), d.bottom())) #也可以獲取比較全面的信息,如獲取人臉與detector的匹配程度
    dets, scores, idx = detector.run(img, 1)
    for i, d in enumerate(dets):
    print("Detection {}, dets{},score: {}, face_type:{}".format( i, d, scores[i], idx[i]))

    #繪制圖片(dlib的ui庫可以直接繪制dets)
    win.set_image(img)
    win.add_overlay(dets) #等待點擊
    dlib.hit_enter_to_continue()041424344454647484950

    分別測試了一個人臉的和多個人臉的,以下是運行結果:

    運行的時候把圖片文件路徑加到後面就好了

    python face_detector0.1.py ./data/3.jpg12

    一張臉的:

    兩張臉的:

    這里可以看出側臉與detector的匹配度要比正臉小的很多

    2.人臉關鍵點提取

    人臉檢測我們使用了dlib自帶的人臉檢測器(detector),關鍵點提取需要一個特徵提取器(predictor),為了構建特徵提取器,預訓練模型必不可少。

    除了自行進行訓練外,還可以使用官方提供的一個模型。該模型可從dlib sourceforge庫下載:

    arks.dat.bz2

    也可以從我的連接下載:

    這個庫支持68個關鍵點的提取,一般來說也夠用了,如果需要更多的特徵點就要自己去訓練了。

    dlib-18.17/python_examples/face_landmark_detection.py 源程序:

    #!/usr/bin/python# The contents of this file are in the public domain. See LICENSE_FOR_EXAMPLE_PROGRAMS.txt## This example program shows how to find frontal human faces in an image and# estimate their pose. The pose takes the form of 68 landmarks. These are# points on the face such as the corners of the mouth, along the eyebrows, on# the eyes, and so forth.## This face detector is made using the classic Histogram of Oriented# Gradients (HOG) feature combined with a linear

    ⑺ 人臉識別為什麼用python開發

    可以使用OpenCV,OpenCV的人臉檢測功能在一般場合還是不錯的。而ubuntu正好提供了python-opencv這個包,用它可以方便地實現人臉檢測的代碼。

    寫代碼之前應該先安裝python-opencv:

    #!/usr/bin/python
    #-*-coding:UTF-8-*-

    #face_detect.py

    #FaceDetectionusingOpenCV.Basedonsamplecodefrom:
    #http://python.pastebin.com/m76db1d6b

    #Usage:pythonface_detect.py<image_file>

    importsys,os
    fromopencv.cvimport*
    fromopencv.highguiimport*
    fromPILimportImage,ImageDraw
    frommathimportsqrt

    defdetectObjects(image):
    """"""
    grayscale=cvCreateImage(cvSize(image.width,image.height),8,1)
    cvCvtColor(image,grayscale,CV_BGR2GRAY)

    storage=cvCreateMemStorage(0)
    cvClearMemStorage(storage)
    cvEqualizeHist(grayscale,grayscale)

    cascade=cvLoadHaarClassifierCascade(
    '/usr/share/opencv/haarcascades/haarcascade_frontalface_default.xml',
    cvSize(1,1))
    faces=cvHaarDetectObjects(grayscale,cascade,storage,1.1,2,
    CV_HAAR_DO_CANNY_PRUNING,cvSize(20,20))

    result=[]
    forfinfaces:
    result.append((f.x,f.y,f.x+f.width,f.y+f.height))

    returnresult

    defgrayscale(r,g,b):
    returnint(r*.3+g*.59+b*.11)

    defprocess(infile,outfile):

    image=cvLoadImage(infile);
    ifimage:
    faces=detectObjects(image)

    im=Image.open(infile)

    iffaces:
    draw=ImageDraw.Draw(im)
    forfinfaces:
    draw.rectangle(f,outline=(255,0,255))

    im.save(outfile,"JPEG",quality=100)
    else:
    print"Error:cannotdetectfaceson%s"%infile

    if__name__=="__main__":
    process('input.jpg','output.jpg')

    ⑻ 如何用pca做人臉識別 python實現

    基於特徵臉(PCA)的人臉識別方法
    特徵臉方法是基於KL變換的人臉識別方法,KL變換是圖像壓縮的一種最優正交變換。高敗神維的圖像空間經過KL變換後得到一組新的正交基,保留其中重要的正交基,由這些基可以張成低維線性空間。如果假設人臉在這些低維線性空間的投影具有可分性,就可以將這些投影用作識別的特徵矢量,這就是特徵臉方法喊枯陸的基本思想。這些方法需要較多的訓練樣本,而且完全是基於圖像灰度的統計特性的。目前有一些改進型的特徵臉方法。


    比如人臉灰度照片40x40=1600個像素點,用每個像素的灰度值組成的矩陣代表這個人的人臉。那麼這個人人臉就要1600 個特徵。拿一堆這樣的樣本過來做pca,抽取得到的只是在統計意義下能代表某個樣本的幾個特徵。


    人臉識別可以採用神經網 絡深度學習的思路,國內的ColorReco在這邊有比較多的鄭頃案例。

    熱點內容
    如何配置二良腌料 發布:2025-02-07 16:11:54 瀏覽:735
    資料庫課程設計學生管理系統 發布:2025-02-07 16:11:50 瀏覽:764
    美國文化密碼是什麼 發布:2025-02-07 16:07:14 瀏覽:261
    安卓手機下雪特效怎麼p 發布:2025-02-07 15:49:30 瀏覽:319
    輪胎存儲銘牌 發布:2025-02-07 15:43:38 瀏覽:74
    防盜鎖編程 發布:2025-02-07 15:31:33 瀏覽:860
    安卓如何快速選擇圖片 發布:2025-02-07 15:30:43 瀏覽:468
    硬體組態為什麼不能編譯 發布:2025-02-07 15:30:43 瀏覽:43
    紅帆oa伺服器地址查詢 發布:2025-02-07 14:31:41 瀏覽:657
    文本框腳本圖片 發布:2025-02-07 14:23:28 瀏覽:231