结合OpenCV与TensorFlow进行人脸识别的实现
作者:奋斗小鹏 时间:2021-07-06 08:44:28
作为新手来说,这是一个最简单的人脸识别模型,难度不大,代码量也不算多,下面就逐一来讲解,数据集的准备就不多说了,因人而异。
一. 获取数据集的所有路径
利用os模块来生成一个包含所有数据路径的list
def my_face():
path = os.listdir("./my_faces")
image_path = [os.path.join("./my_faces/",img) for img in path]
return image_path
def other_face():
path = os.listdir("./other_faces")
image_path = [os.path.join("./other_faces/",img) for img in path]
return image_path
image_path = my_face().__add__(other_face()) #将两个list合并成为一个list
二. 构造标签
标签的构造较为简单,1表示本人,0表示其他人。
label_my= [1 for i in my_face()]
label_other = [0 for i in other_face()]
label = label_my.__add__(label_other) #合并两个list
三.构造数据集
利用tf.data.Dataset.from_tensor_slices()构造数据集,
def preprocess(x,y):
x = tf.io.read_file(x) #读取数据
x = tf.image.decode_jpeg(x,channels=3) #解码成jpg格式的数据
x = tf.cast(x,tf.float32) / 255.0 #归一化
y = tf.convert_to_tensor(y)#转成tensor
return x,y
data = tf.data.Dataset.from_tensor_slices((image_path,label))
data_loader = data.repeat().shuffle(5000).map(preprocess).batch(128).prefetch(1)
四.构造模型
class CNN_WORK(Model):
def __init__(self):
super(CNN_WORK,self).__init__()
self.conv1 = layers.Conv2D(32,kernel_size=5,activation=tf.nn.relu)
self.maxpool1 = layers.MaxPool2D(2,strides=2)
self.conv2 = layers.Conv2D(64,kernel_size=3,activation=tf.nn.relu)
self.maxpool2 = layers.MaxPool2D(2,strides=2)
self.flatten = layers.Flatten()
self.fc1 = layers.Dense(1024)
self.dropout = layers.Dropout(rate=0.5)
self.out = layers.Dense(2)
def call(self,x,is_training=False):
x = self.conv1(x)
x = self.maxpool1(x)
x = self.conv2(x)
x = self.maxpool2(x)
x = self.flatten(x)
x = self.fc1(x)
x = self.dropout(x,training=is_training)
x = self.out(x)
if not is_training:
x = tf.nn.softmax(x)
return x
model = CNN_WORK()
五.定义损失函数,精度函数,优化函数
def cross_entropy_loss(x,y):
y = tf.cast(y,tf.int64)
loss = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=y,logits=x)
return tf.reduce_mean(loss)
def accuracy(y_pred,y_true):
correct_pred = tf.equal(tf.argmax(y_pred,1),tf.cast(y_true,tf.int64))
return tf.reduce_mean(tf.cast(correct_pred,tf.float32),axis=-1)
optimizer = tf.optimizers.SGD(0.002)
六.开始跑步我们的模型
def run_optimizer(x,y):
with tf.GradientTape() as g:
pred = model(x,is_training=True)
loss = cross_entropy_loss(pred,y)
training_variabel = model.trainable_variables
gradient = g.gradient(loss,training_variabel)
optimizer.apply_gradients(zip(gradient,training_variabel))
model.save_weights("face_weight") #保存模型
最后跑的准确率还是挺高的。
七.openCV登场
最后利用OpenCV的人脸检测模块,将检测到的人脸送入到我们训练好了的模型中进行预测根据预测的结果进行标识。
cap = cv2.VideoCapture(0)
face_cascade = cv2.CascadeClassifier('C:\\Users\Wuhuipeng\AppData\Local\Programs\Python\Python36\Lib\site-packages\cv2\data/haarcascade_frontalface_alt.xml')
while True:
ret,frame = cap.read()
gray = cv2.cvtColor(frame,cv2.COLOR_BGR2GRAY)
faces = face_cascade.detectMultiScale(gray,scaleFactor=1.2,minNeighbors=5,minSize=(5,5))
for (x,y,z,t) in faces:
img = frame[x:x+z,y:y+t]
try:
img = cv2.resize(img,(64,64))
img = tf.cast(img,tf.float32) / 255.0
img = tf.reshape(img,[-1,64,64,3])
pred = model(img)
pred = tf.argmax(pred,axis=1).numpy()
except:
pass
if(pred[0]==1):
cv2.putText(frame,"wuhuipeng",(x-10,y-10),cv2.FONT_HERSHEY_SIMPLEX,1.2,(255,255,0),2)
cv2.rectangle(frame,(x,y),(x+z,y+t),(0,255,0),2)
cv2.imshow('find faces',frame)
if cv2.waitKey(1)&0xff ==ord('q'):
break
cap.release()
cv2.destroyAllWindows()
完整代码地址github.
来源:https://blog.csdn.net/weixin_44678052/article/details/102286945
标签:OpenCV,TensorFlow,人脸识别
0
投稿
猜你喜欢
python进行OpenCV实战之画图(直线、矩形、圆形)
2022-05-30 06:36:05
Windows下PyCharm安装图文教程
2023-02-01 01:16:58
BootStrap3学习笔记(一)之网格系统
2024-04-29 13:43:48
分享python机器学习中应用所产生的聚类数据集方法
2021-06-05 13:28:39
python gensim使用word2vec词向量处理中文语料的方法
2023-02-25 08:12:56
Python中的并发编程asyncio库入门使用
2021-02-13 05:03:52
简单谈谈Python中函数的可变参数
2022-05-13 02:32:49
在Oracle中向视图中插入数据的方法
2009-02-28 10:42:00
sql的临时表使用小结
2024-01-25 19:50:31
Python利用capstone实现反汇编
2022-08-08 17:50:52
浅析mysql 定时备份任务
2024-01-17 07:21:01
vue3.0如何在全局挂载对象和方法
2024-05-13 09:07:59
数据库高并发情况下重复值写入的避免 字段组合约束
2024-01-21 00:13:31
在Python的列表中利用remove()方法删除元素的教程
2023-03-21 12:42:39
JavaScript防抖与节流超详细全面讲解
2023-09-22 07:05:13
Python数据可视化常用4大绘图库原理详解
2023-08-25 11:12:09
不同版本中Python matplotlib.pyplot.draw()界面绘制异常问题的解决
2021-04-23 03:41:16
10个不为人知的Google失败作品
2008-05-24 16:56:00
PHP设计模式之装饰器模式定义与用法详解
2023-09-11 18:41:48
判断 iframe 是否加载完成的完美方法
2009-09-24 13:35:00