日韩性视频-久久久蜜桃-www中文字幕-在线中文字幕av-亚洲欧美一区二区三区四区-撸久久-香蕉视频一区-久久无码精品丰满人妻-国产高潮av-激情福利社-日韩av网址大全-国产精品久久999-日本五十路在线-性欧美在线-久久99精品波多结衣一区-男女午夜免费视频-黑人极品ⅴideos精品欧美棵-人人妻人人澡人人爽精品欧美一区-日韩一区在线看-欧美a级在线免费观看

歡迎訪問 生活随笔!

生活随笔

當前位置: 首頁 > 编程资源 > 编程问答 >内容正文

编程问答

训练一个神经网络 能让她认得我

發(fā)布時間:2023/11/30 编程问答 25 豆豆
生活随笔 收集整理的這篇文章主要介紹了 训练一个神经网络 能让她认得我 小編覺得挺不錯的,現在分享給大家,幫大家做個參考.

寫個神經網絡,讓她認得我`(?????)(Tensorflow,opencv,dlib,cnn,人臉識別)

這段時間正在學習tensorflow的卷積神經網絡部分,為了對卷積神經網絡能夠有一個更深的了解,自己動手實現一個例程是比較好的方式,所以就選了一個這樣比較有點意思的項目。

項目的github地址:github?喜歡的話就給個Star吧。

想要她認得我,就需要給她一些我的照片,讓她記住我的人臉特征,為了讓她區(qū)分我和其他人,還需要給她一些其他人的照片做參照,所以就需要兩組數據集來讓她學習,如果想讓她多認識幾個人,那多給她幾組圖片集學習就可以了。下面就開始讓我們來搭建這個能認識我的"她"。

運行環(huán)境

下面為軟件的運行搭建系統環(huán)境。

系統: window或linux

軟件: python 3.x 、 tensorflow

python支持庫:

tensorflow:

pip install tensorflow #cpu版本 pip install rensorflow-gpu #gpu版本,需要cuda與cudnn的支持,不清楚的可以選擇cpu版

numpy:

pip install numpy

opencv:

pip install opencv-python

dlib:

pip install dlib

獲取本人圖片集

獲取本人照片的方式當然是拍照了,我們需要通過程序來給自己拍照,如果你自己有照片,也可以用那些現成的照片,但前提是你的照片足夠多。這次用到的照片數是10000張,程序運行后,得坐在電腦面前不停得給自己的臉擺各種姿勢,這樣可以提高訓練后識別自己的成功率,在程序中加入了隨機改變對比度與亮度的模塊,也是為了提高照片樣本的多樣性。

程序中使用的是dlib來識別人臉部分,也可以使用opencv來識別人臉,在實際使用過程中,dlib的識別效果比opencv的好,但opencv識別的速度會快很多,獲取10000張人臉照片的情況下,dlib大約花費了1小時,而opencv的花費時間大概只有20分鐘。opencv可能會識別一些奇怪的部分,所以綜合考慮之后我使用了dlib來識別人臉。

get_my_faces.py

import cv2 import dlib import os import sys import randomoutput_dir = './my_faces' size = 64if not os.path.exists(output_dir):os.makedirs(output_dir)# 改變圖片的亮度與對比度 def relight(img, light=1, bias=0):w = img.shape[1]h = img.shape[0]#image = []for i in range(0,w):for j in range(0,h):for c in range(3):tmp = int(img[j,i,c]*light + bias)if tmp > 255:tmp = 255elif tmp < 0:tmp = 0img[j,i,c] = tmpreturn img#使用dlib自帶的frontal_face_detector作為我們的特征提取器 detector = dlib.get_frontal_face_detector() # 打開攝像頭 參數為輸入流,可以為攝像頭或視頻文件 camera = cv2.VideoCapture(0)index = 1 while True:if (index <= 10000):print('Being processed picture %s' % index)# 從攝像頭讀取照片success, img = camera.read()# 轉為灰度圖片gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)# 使用detector進行人臉檢測dets = detector(gray_img, 1)for i, d in enumerate(dets):x1 = d.top() if d.top() > 0 else 0y1 = d.bottom() if d.bottom() > 0 else 0x2 = d.left() if d.left() > 0 else 0y2 = d.right() if d.right() > 0 else 0face = img[x1:y1,x2:y2]# 調整圖片的對比度與亮度, 對比度與亮度值都取隨機數,這樣能增加樣本的多樣性face = relight(face, random.uniform(0.5, 1.5), random.randint(-50, 50))face = cv2.resize(face, (size,size))cv2.imshow('image', face)cv2.imwrite(output_dir+'/'+str(index)+'.jpg', face)index += 1key = cv2.waitKey(30) & 0xffif key == 27:breakelse:print('Finished!')break

在這里我也給出一個opencv來識別人臉的代碼示例:

import cv2 import os import sys import randomout_dir = './my_faces' if not os.path.exists(out_dir):os.makedirs(out_dir)# 改變亮度與對比度 def relight(img, alpha=1, bias=0):w = img.shape[1]h = img.shape[0]#image = []for i in range(0,w):for j in range(0,h):for c in range(3):tmp = int(img[j,i,c]*alpha + bias)if tmp > 255:tmp = 255elif tmp < 0:tmp = 0img[j,i,c] = tmpreturn img# 獲取分類器 haar = cv2.CascadeClassifier('haarcascade_frontalface_default.xml')# 打開攝像頭 參數為輸入流,可以為攝像頭或視頻文件 camera = cv2.VideoCapture(0)n = 1 while 1:if (n <= 10000):print('It`s processing %s image.' % n)# 讀幀success, img = camera.read()gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)faces = haar.detectMultiScale(gray_img, 1.3, 5)for f_x, f_y, f_w, f_h in faces:face = img[f_y:f_y+f_h, f_x:f_x+f_w]face = cv2.resize(face, (64,64))'''if n % 3 == 1:face = relight(face, 1, 50)elif n % 3 == 2:face = relight(face, 0.5, 0)'''face = relight(face, random.uniform(0.5, 1.5), random.randint(-50, 50))cv2.imshow('img', face)cv2.imwrite(out_dir+'/'+str(n)+'.jpg', face)n+=1key = cv2.waitKey(30) & 0xffif key == 27:breakelse:break

獲取其他人臉圖片集

需要收集一個其他人臉的圖片集,只要不是自己的人臉都可以,可以在網上找到,這里我給出一個我用到的圖片集:

網站地址:http://vis-www.cs.umass.edu/lfw/

圖片集下載:http://vis-www.cs.umass.edu/lfw/lfw.tgz

先將下載的圖片集,解壓到項目目錄下的input_img目錄下,也可以自己指定目錄(修改代碼中的input_dir變量)

接下來使用dlib來批量識別圖片中的人臉部分,并保存到指定目錄下

set_other_people.py

# -*- codeing: utf-8 -*- import sys import os import cv2 import dlibinput_dir = './input_img' output_dir = './other_faces' size = 64if not os.path.exists(output_dir):os.makedirs(output_dir)#使用dlib自帶的frontal_face_detector作為我們的特征提取器 detector = dlib.get_frontal_face_detector()index = 1 for (path, dirnames, filenames) in os.walk(input_dir):for filename in filenames:if filename.endswith('.jpg'):print('Being processed picture %s' % index)img_path = path+'/'+filename# 從文件讀取圖片img = cv2.imread(img_path)# 轉為灰度圖片gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)# 使用detector進行人臉檢測 dets為返回的結果dets = detector(gray_img, 1)#使用enumerate 函數遍歷序列中的元素以及它們的下標#下標i即為人臉序號#left:人臉左邊距離圖片左邊界的距離 ;right:人臉右邊距離圖片左邊界的距離 #top:人臉上邊距離圖片上邊界的距離 ;bottom:人臉下邊距離圖片上邊界的距離for i, d in enumerate(dets):x1 = d.top() if d.top() > 0 else 0y1 = d.bottom() if d.bottom() > 0 else 0x2 = d.left() if d.left() > 0 else 0y2 = d.right() if d.right() > 0 else 0# img[y:y+h,x:x+w]face = img[x1:y1,x2:y2]# 調整圖片的尺寸face = cv2.resize(face, (size,size))cv2.imshow('image',face)# 保存圖片cv2.imwrite(output_dir+'/'+str(index)+'.jpg', face)index += 1key = cv2.waitKey(30) & 0xffif key == 27:sys.exit(0)

這個項目用到的圖片數是10000張左右,如果是自己下載的圖片集,控制一下圖片的數量避免數量不足,或圖片過多帶來的內存不夠與運行緩慢。

訓練模型

有了訓練數據之后,通過cnn來訓練數據,就可以讓她記住我的人臉特征,學習怎么認識我了。

train_faces.py

import tensorflow as tf import cv2 import numpy as np import os import random import sys from sklearn.model_selection import train_test_splitmy_faces_path = './my_faces' other_faces_path = './other_faces' size = 64imgs = [] labs = []def getPaddingSize(img):h, w, _ = img.shapetop, bottom, left, right = (0,0,0,0)longest = max(h, w)if w < longest:tmp = longest - w# //表示整除符號left = tmp // 2right = tmp - leftelif h < longest:tmp = longest - htop = tmp // 2bottom = tmp - topelse:passreturn top, bottom, left, rightdef readData(path , h=size, w=size):for filename in os.listdir(path):if filename.endswith('.jpg'):filename = path + '/' + filenameimg = cv2.imread(filename)top,bottom,left,right = getPaddingSize(img)# 將圖片放大, 擴充圖片邊緣部分img = cv2.copyMakeBorder(img, top, bottom, left, right, cv2.BORDER_CONSTANT, value=[0,0,0])img = cv2.resize(img, (h, w))imgs.append(img)labs.append(path)readData(my_faces_path) readData(other_faces_path) # 將圖片數據與標簽轉換成數組 imgs = np.array(imgs) labs = np.array([[0,1] if lab == my_faces_path else [1,0] for lab in labs]) # 隨機劃分測試集與訓練集 train_x,test_x,train_y,test_y = train_test_split(imgs, labs, test_size=0.05, random_state=random.randint(0,100)) # 參數:圖片數據的總數,圖片的高、寬、通道 train_x = train_x.reshape(train_x.shape[0], size, size, 3) test_x = test_x.reshape(test_x.shape[0], size, size, 3) # 將數據轉換成小于1的數 train_x = train_x.astype('float32')/255.0 test_x = test_x.astype('float32')/255.0print('train size:%s, test size:%s' % (len(train_x), len(test_x))) # 圖片塊,每次取100張圖片 batch_size = 100 num_batch = len(train_x) // batch_sizex = tf.placeholder(tf.float32, [None, size, size, 3]) y_ = tf.placeholder(tf.float32, [None, 2])keep_prob_5 = tf.placeholder(tf.float32) keep_prob_75 = tf.placeholder(tf.float32)def weightVariable(shape):init = tf.random_normal(shape, stddev=0.01)return tf.Variable(init)def biasVariable(shape):init = tf.random_normal(shape)return tf.Variable(init)def conv2d(x, W):return tf.nn.conv2d(x, W, strides=[1,1,1,1], padding='SAME')def maxPool(x):return tf.nn.max_pool(x, ksize=[1,2,2,1], strides=[1,2,2,1], padding='SAME')def dropout(x, keep):return tf.nn.dropout(x, keep)def cnnLayer():# 第一層W1 = weightVariable([3,3,3,32]) # 卷積核大小(3,3), 輸入通道(3), 輸出通道(32)b1 = biasVariable([32])# 卷積conv1 = tf.nn.relu(conv2d(x, W1) + b1)# 池化pool1 = maxPool(conv1)# 減少過擬合,隨機讓某些權重不更新drop1 = dropout(pool1, keep_prob_5)# 第二層W2 = weightVariable([3,3,32,64])b2 = biasVariable([64])conv2 = tf.nn.relu(conv2d(drop1, W2) + b2)pool2 = maxPool(conv2)drop2 = dropout(pool2, keep_prob_5)# 第三層W3 = weightVariable([3,3,64,64])b3 = biasVariable([64])conv3 = tf.nn.relu(conv2d(drop2, W3) + b3)pool3 = maxPool(conv3)drop3 = dropout(pool3, keep_prob_5)# 全連接層Wf = weightVariable([8*16*32, 512])bf = biasVariable([512])drop3_flat = tf.reshape(drop3, [-1, 8*16*32])dense = tf.nn.relu(tf.matmul(drop3_flat, Wf) + bf)dropf = dropout(dense, keep_prob_75)# 輸出層Wout = weightVariable([512,2])bout = weightVariable([2])#out = tf.matmul(dropf, Wout) + boutout = tf.add(tf.matmul(dropf, Wout), bout)return outdef cnnTrain():out = cnnLayer()cross_entropy = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=out, labels=y_))train_step = tf.train.AdamOptimizer(0.01).minimize(cross_entropy)# 比較標簽是否相等,再求的所有數的平均值,tf.cast(強制轉換類型)accuracy = tf.reduce_mean(tf.cast(tf.equal(tf.argmax(out, 1), tf.argmax(y_, 1)), tf.float32))# 將loss與accuracy保存以供tensorboard使用tf.summary.scalar('loss', cross_entropy)tf.summary.scalar('accuracy', accuracy)merged_summary_op = tf.summary.merge_all()# 數據保存器的初始化saver = tf.train.Saver()with tf.Session() as sess:sess.run(tf.global_variables_initializer())summary_writer = tf.summary.FileWriter('./tmp', graph=tf.get_default_graph())for n in range(10):# 每次取128(batch_size)張圖片for i in range(num_batch):batch_x = train_x[i*batch_size : (i+1)*batch_size]batch_y = train_y[i*batch_size : (i+1)*batch_size]# 開始訓練數據,同時訓練三個變量,返回三個數據_,loss,summary = sess.run([train_step, cross_entropy, merged_summary_op],feed_dict={x:batch_x,y_:batch_y, keep_prob_5:0.5,keep_prob_75:0.75})summary_writer.add_summary(summary, n*num_batch+i)# 打印損失print(n*num_batch+i, loss)if (n*num_batch+i) % 100 == 0:# 獲取測試數據的準確率acc = accuracy.eval({x:test_x, y_:test_y, keep_prob_5:1.0, keep_prob_75:1.0})print(n*num_batch+i, acc)# 準確率大于0.98時保存并退出if acc > 0.98 and n > 2:saver.save(sess, './train_faces.model', global_step=n*num_batch+i)sys.exit(0)print('accuracy less 0.98, exited!')cnnTrain()

訓練之后的數據會保存在當前目錄下。

使用模型進行識別

最后就是讓她認識我了,很簡單,只要運行程序,讓攝像頭拍到我的臉,她就可以輕松地識別出是不是我了。

is_my_face.py

output = cnnLayer() predict = tf.argmax(output, 1) saver = tf.train.Saver() sess = tf.Session() saver.restore(sess, tf.train.latest_checkpoint('.')) def is_my_face(image): res = sess.run(predict, feed_dict={x: [image/255.0], keep_prob_5:1.0, keep_prob_75: 1.0}) if res[0] == 1: return True else: return False #使用dlib自帶的frontal_face_detector作為我們的特征提取器 detector = dlib.get_frontal_face_detector()cam = cv2.VideoCapture(0) while True: _, img = cam.read() gray_image = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)dets = detector(gray_image, 1)if not len(dets):#print('Can`t get face.')cv2.imshow('img', img)key = cv2.waitKey(30) & 0xff if key == 27:sys.exit(0)for i, d in enumerate(dets):x1 = d.top() if d.top() > 0 else 0y1 = d.bottom() if d.bottom() > 0 else 0x2 = d.left() if d.left() > 0 else 0y2 = d.right() if d.right() > 0 else 0face = img[x1:y1,x2:y2]# 調整圖片的尺寸face = cv2.resize(face, (size,size))print('Is this my face? %s' % is_my_face(face))cv2.rectangle(img, (x2,x1),(y2,y1), (255,0,0),3)cv2.imshow('image',img)key = cv2.waitKey(30) & 0xffif key == 27:sys.exit(0)sess.close() 創(chuàng)作挑戰(zhàn)賽新人創(chuàng)作獎勵來咯,堅持創(chuàng)作打卡瓜分現金大獎

總結

以上是生活随笔為你收集整理的训练一个神经网络 能让她认得我的全部內容,希望文章能夠幫你解決所遇到的問題。

如果覺得生活随笔網站內容還不錯,歡迎將生活随笔推薦給好友。