訂閱
糾錯
加入自媒體

使用 OpenCV 和 Python 在直播中模糊人臉

本文將學習如何使用 OpenCV 和 Python 在直播中模糊人臉。這將是一個非常有趣的博客,讓我們開始吧!

我們最終結果的快照:

第 1 步:導入所需的庫

· 為圖像操作導入 cv2

· 為數組操作導入 Numpy

import cv2

import numpy as np

第 2 步:定義模糊函數

· 這里我們定義了 Blur 函數。

· 它需要 2 個參數,圖像 img 和模糊因子 k 。

· 然后我們通過將高度和寬度除以模糊因子來簡單地計算內核高度和內核寬度。kw 和 kh 越小,模糊度越高。

· 然后我們檢查 kw 和 kh 是否為奇數,如果它們是偶數,則減 1 以使它們?yōu)槠鏀怠?/p>

· 然后簡單地我們將高斯模糊應用于我們的圖像并返回它。

def blur(img,k):

   h,w = img.shape[:2]

   kh,kw = h//k,w//k

   if kh%2==0:

       kh-=1

   if kw%2==0:

       kw-=1

   img = cv2.GaussianBlur(img,ksize=(kh,kw),sigmaX=0)

   return img

第 3 步:定義 pixelate_face 函數

· 這是一個簡單地為模糊圖像添加像素化效果的函數。

def pixelate_face(image, blocks=10):

   # divide the input image into NxN blocks

   (h, w) = image.shape[:2]

   xSteps = np.linspace(0, w, blocks + 1, dtype="int")

   ySteps = np.linspace(0, h, blocks + 1, dtype="int")

   # loop over the blocks in both the x and y direction

   for i in range(1, len(ySteps)):

       for j in range(1, len(xSteps)):

           # compute the starting and ending (x, y)-coordinates

           # for the current block

           startX = xSteps[j - 1]

           startY = ySteps[i - 1]

           endX = xSteps[j]

           endY = ySteps[i]

           # extract the ROI using NumPy array slicing, compute the

           # mean of the ROI, and then draw a rectangle with the

           # mean RGB values over the ROI in the original image

           roi = image[startY:endY, startX:endX]

         (B, G, R) = [int(x) for x in cv2.mean(roi)[:3]]

           cv2.rectangle(image, (startX, startY), (endX, endY),

               (B, G, R), -1)

   # return the pixelated blurred image

   return image

第 4 步:讓我們在實時提要中模糊面孔

· 下面的代碼是代碼的主要部分。

· 這里的 factor  定義了模糊量。

· 定義一個級聯分類器對象 face_cascade 來檢測人臉。

· 下載 haarcascade_frontalface_default.xml 文件

然后簡單地運行一個無限循環(huán),從網絡攝像頭讀取圖像,檢測其中的人臉,然后用像素化的人臉替換該人臉部分。

閱讀更多關于使用 HAARCASCADES 進行面部和眼睛檢測的信息

factor = 3    

cap = cv2.VideoCapture(0)

face_cascade = cv2.CascadeClassifier('haarcascade_frontalface_default.xml')

while 1:

   ret,frame = cap.read()

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

   faces = face_cascade.detectMultiScale(gray, 1.5, 5)

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

       frame[y:y+h,x:x+w] = pixelate_face(blur(frame[y:y+h,x:x+w],factor))

   cv2.imshow('Live',frame)

   if cv2.waitKey(1)==27:

       break


cap.release()

cv2.destroyAllWindows()

讓我們看看完整代碼

import cv2

import numpy as np

def blur(img,k):

   h,w = img.shape[:2]

   kh,kw = h//k,w//k

   if kh%2==0:

       kh-=1

   if kw%2==0:

       kw-=1

   img = cv2.GaussianBlur(img,ksize=(kh,kw),sigmaX=0)

   return img
   

def pixelate_face(image, blocks=10):

   # divide the input image into NxN blocks

   (h, w) = image.shape[:2]

   xSteps = np.linspace(0, w, blocks + 1, dtype="int")

   ySteps = np.linspace(0, h, blocks + 1, dtype="int")

   # loop over the blocks in both the x and y direction

   for i in range(1, len(ySteps)):

       for j in range(1, len(xSteps)):

           # compute the starting and ending (x, y)-coordinates

           # for the current block

           startX = xSteps[j - 1]

           startY = ySteps[i - 1]

           endX = xSteps[j]

           endY = ySteps[i]

           # extract the ROI using NumPy array slicing, compute the

           # mean of the ROI, and then draw a rectangle with the

           # mean RGB values over the ROI in the original image

           roi = image[startY:endY, startX:endX]

           (B, G, R) = [int(x) for x in cv2.mean(roi)[:3]]

           cv2.rectangle(image, (startX, startY), (endX, endY),

               (B, G, R), -1)

   # return the pixelated blurred image

   return image

factor = 3    

cap = cv2.VideoCapture(0)

face_cascade = cv2.CascadeClassifier('haarcascade_frontalface_default.xml')


while 1:

   ret,frame = cap.read()

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

   faces = face_cascade.detectMultiScale(gray, 1.5, 5)

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

       frame[y:y+h,x:x+w] = pixelate_face(blur(frame[y:y+h,x:x+w],factor))

   cv2.imshow('Live',frame)

   if cv2.waitKey(1)==27:

       break


cap.release()

cv2.destroyAllWindows()

這就是你在直播中模糊面孔的方式!

       原文標題 : 使用 OpenCV 和 Python 在直播中模糊人臉

聲明: 本文由入駐維科號的作者撰寫,觀點僅代表作者本人,不代表OFweek立場。如有侵權或其他問題,請聯系舉報。

發(fā)表評論

0條評論,0人參與

請輸入評論內容...

請輸入評論/評論長度6~500個字

您提交的評論過于頻繁,請輸入驗證碼繼續(xù)

暫無評論

暫無評論

人工智能 獵頭職位 更多
掃碼關注公眾號
OFweek人工智能網
獲取更多精彩內容
文章糾錯
x
*文字標題:
*糾錯內容:
聯系郵箱:
*驗 證 碼:

粵公網安備 44030502002758號