资源简介
使用多层CNN卷积神经网络构建模型,分析人脸的轮廓,将人脸照片数据放入data中进行训练,并且能够对人脸的表情进行分析(高兴、愤怒、难过、一般)
代码片段和文件信息
# /usr/bin/python3
import cv2
import numpy as np
import sys
import tensorflow as tf
from model import predict image_to_tensor deepnn
CASC_PATH = ‘./data/haarcascade_files/haarcascade_frontalface_default.xml‘
cascade_classifier = cv2.CascadeClassifier(CASC_PATH)
EMOTIONS = [‘angry‘ ‘disgusted‘ ‘fearful‘ ‘happy‘ ‘sad‘ ‘surprised‘ ‘neutral‘]
def format_image(image):
if len(image.shape) > 2 and image.shape[2] == 3:
image = cv2.cvtColor(image cv2.COLOR_BGR2GRAY)
faces = cascade_classifier.detectMultiScale(
image
scaleFactor = 1.3
minNeighbors = 5
)
# None is no face found in image
if not len(faces) > 0:
return None None
max_are_face = faces[0]
for face in faces:
if face[2] * face[3] > max_are_face[2] * max_are_face[3]:
max_are_face = face
# face to image
face_coor = max_are_face
image = image[face_coor[1]:(face_coor[1] + face_coor[2]) face_coor[0]:(face_coor[0] + face_coor[3])]
# Resize image to network size
try:
image = cv2.resize(image (48 48) interpolation=cv2.INTER_CUBIC)
except Exception:
print(“[+} Problem during resize“)
return None None
return image face_coor
def face_dect(image):
“““
Detecting faces in image
:param image:
:return: the coordinate of max face
“““
if len(image.shape) > 2 and image.shape[2] == 3:
image = cv2.cvtColor(image cv2.COLOR_BGR2GRAY)
faces = cascade_classifier.detectMultiScale(
image
scaleFactor = 1.3
minNeighbors = 5
)
if not len(faces) > 0:
return None
max_face = faces[0]
for face in faces:
if face[2] * face[3] > max_face[2] * max_face[3]:
max_face = face
face_image = image[max_face[1]:(max_face[1] + max_face[2]) max_face[0]:(max_face[0] + max_face[3])]
try:
image = cv2.resize(face_image (48 48) interpolation=cv2.INTER_CUBIC) / 255.
except Exception:
print(“[+} Problem during resize“)
return None
return face_image
def resize_image(image size):
try:
image = cv2.resize(image size interpolation=cv2.INTER_CUBIC) / 255.
except Exception:
print(“+} Problem during resize“)
return None
return image
def draw_emotion():
pass
def demo(modelPath showBox=False):
x = tf.placeholder(tf.float32 [None 2304])
y_conv = deepnn(x)
probs = tf.nn.softmax(y_conv)
saver = tf.train.Saver()
ckpt = tf.train.get_checkpoint_state(modelPath)
sess = tf.Session()
if ckpt and ckpt.model_checkpoint_path:
saver.restore(sess ckpt.model_checkpoint_path)
print(‘Restore model sucsses!!‘)
feelings_faces = []
for index emotion in enumerate(EMOTIONS):
feelings_faces.append(cv2.imread(‘./data/emojis/‘ + emotion + ‘.png‘ -1))
video_captor = cv2.VideoCapture(0)
emoji_face = []
result = None
while True:
ret frame = video_captor.read()
detected_face face_coor = format_image(frame)
if showBox:
if face_coor is not None:
[xywh] = face_coor
cv2.rectangle(frame (xy) (x+wy+h) (25500
属性 大小 日期 时间 名称
----------- --------- ---------- ----- ----
目录 0 2018-01-11 10:45 Facial-ex
文件 35140 2018-01-11 10:45 Facial-ex
文件 1438 2018-01-11 10:45 Facial-ex
文件 629880 2018-01-11 10:45 Facial-ex
目录 0 2018-01-11 10:45 Facial-ex
目录 0 2018-01-11 10:45 Facial-ex
文件 14628 2018-01-11 10:45 Facial-ex
文件 16186 2018-01-11 10:45 Facial-ex
文件 16175 2018-01-11 10:45 Facial-ex
文件 16613 2018-01-11 10:45 Facial-ex
文件 12094 2018-01-11 10:45 Facial-ex
文件 16397 2018-01-11 10:45 Facial-ex
文件 14663 2018-01-11 10:45 Facial-ex
目录 0 2018-01-11 10:45 Facial-ex
文件 341406 2018-01-11 10:45 Facial-ex
文件 930126 2018-01-11 10:45 Facial-ex
文件 3961 2018-01-11 10:45 Facial-ex
文件 1052 2018-01-11 10:45 Facial-ex
文件 4815 2018-01-11 10:45 Facial-ex
文件 4227 2018-01-11 10:45 Facial-ex
- 上一篇:编译原理 算符优先分析程序
- 下一篇:labview小游戏之登陆月球
相关资源
- ORL人脸库的PCA人脸识别,GUI界面
- 二维主分量分析(2DPCA) 完整的2DP
- 毕业设计-基于pca和lbp的人脸识别算法
- zw_qq_37591909-11100331-AR开发实战项目之人
- 基于KLDA的人脸识别
- 我收集到得一些人脸识别的程序和大
- 人脸识别实验报告含代码及优化
- 基于DSP的人脸识别系统设计.doc
- 人脸识别数据集-facerecognition
- Ubuntu和Zedboard都可实现的opencv人脸识别
- opencv 人脸识别 代码
- 中科大IT英语人脸识别ppt答辩和配套演
- LFW数据集 pairs.txt
- imdb-wiki中的wiki人脸部分,共3GB
- 汉王人脸识别门禁系统
- 人脸识别方面的几篇外文论文
- 人脸识别方法的设计与实现论文答辩
- 微信小程序开发之人脸识别源码
- 人脸识别VS2010
- 人脸识别特征提取算法研究答辩ppt
- EBGMPCA等四种不同的人脸识别算法
- opencv调用摄像头捕捉并进行人脸识别
- 一个完整的人脸识别系统源代码,可
- 人脸识别系统源代码 可运行
- adaboost 人脸识别
- 最近翻译了一篇2018年人脸识别综述
- 基于K-L的人脸识别源代码
- hog+lbp+svm人脸识别 特征融合
- 人脸检测与识别
- 三维人脸识别预处理 代码说明
评论
共有 条评论