当前位置:   article > 正文

人工智能|深度学习——基于Xception实现戴口罩人脸表情识别

人工智能|深度学习——基于Xception实现戴口罩人脸表情识别

一、项目背景

近年来,随着人工智能技术的不断发展,人脸表情识别已经成为了计算机视觉领域中的重要研究方向之一。然而,在当前的疫情形势下,佩戴口罩已经成为了一项必要的防疫措施,但是佩戴口罩会遮挡住人脸的部分区域,给表情识别带来了一定的挑战。

目前,已经有很多关于没有遮挡人脸的表情识别的技术研究,例如基于深度学习的卷积神经网络(CNN)和循环神经网络(RNN)等。这些技术已经取得了不错的成果,并且已经应用于实际的场景中,例如情感识别、人机交互等。
然而,在佩戴口罩的情况下,传统的表情识别技术无法识别出人脸的表情信息,因为口罩遮挡了人脸的大部分区域,导致识别的准确率降低。因此,一些研究人员开始关注口罩人脸识别技术,并提出了一些新的方法来解决这个问题。例如,他们使用图像处理技术来减少口罩的遮挡效果,或者使用额外的传感器来收集面部表情的其他数据。
然而,戴口罩人脸表情识别存在一些技术难点。首先,佩戴口罩会导致人脸的特征信息被遮挡,难以准确识别。其次,戴口罩人脸的表情信息可能会因为口罩遮挡而变得不够丰富,这也给表情识别带来了一定的挑战。最后,因为戴口罩人脸表情识别的研究资料较少,数据集需要个人收集标注。因此,如何在遮挡的情况下准确地识别出人脸表情信息是戴口罩人脸表情识别技术研究的重要问题之一

二、数据集来源与详情

2.1 来源

本项目基于fer2013人脸表情数据集,它于2013年国际机器学习会议(ICML)上推出,并成为比较表情识别模型性能的基准之一,同时也作为了2013年Kaggle人脸识别比赛的数据。Fer2013包含28709张训练集图像、3589张公开测试集图像和3589张私有测试集图像,每张图像为4848大小的灰度图片,如下图所示。Fer2013数据集中由有生气(angry)、厌恶(disgust)、恐惧(fear)、开心(happy)、难过(sad)、惊讶(surprise)和中性(neutral)七个类别组成。由于这个数据集大多是通过爬虫在互联网上进行爬取所得,因此存在一定的误差性。

本项目使用face-mask对人脸添加口罩,简单介绍一下face-mask是基于dlib和face_recognition两大人脸检测的库实现的人脸关键点检测的方法。处理完成后共得到11870张训练集,3016张测试集(原数据集存在一些不能被face-mask所识别到的人脸)。经过实验发现sad、disgust、anger眼部特征十分相识,因此本试验只进行对anger、fear、happy、surprise的分类。

2.2 详细处理

  • 安装face-mask 在安装之前要先配置dlib,具体过程请大家自行探索。
pip install face-mask
  • 关键代码
  1. # -*- coding: utf-8 -*-
  2. import os
  3. import numpy as np
  4. from PIL import Image, ImageFile
  5. __version__ = '0.3.0'
  6. IMAGE_DIR = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'images')
  7. DEFAULT_IMAGE_PATH = os.path.join(IMAGE_DIR, 'default-mask.png')
  8. BLACK_IMAGE_PATH = os.path.join(IMAGE_DIR, 'black-mask.png')
  9. BLUE_IMAGE_PATH = os.path.join(IMAGE_DIR, 'blue-mask.png')
  10. RED_IMAGE_PATH = os.path.join(IMAGE_DIR, 'red-mask.png')
  11. class FaceMasker:
  12. KEY_FACIAL_FEATURES = ('nose_bridge', 'chin')
  13. def __init__(self, face_path, mask_path, show=False, model='hog'):
  14. self.face_path = face_path
  15. self.mask_path = mask_path
  16. self.show = show
  17. self.model = model
  18. self._face_img: ImageFile = None
  19. self._mask_img: ImageFile = None
  20. def mask(self):
  21. import face_recognition
  22. face_image_np = face_recognition.load_image_file(self.face_path)
  23. face_locations = face_recognition.face_locations(face_image_np, model=self.model)
  24. face_landmarks = face_recognition.face_landmarks(face_image_np, face_locations)
  25. self._face_img = Image.fromarray(face_image_np)
  26. self._mask_img = Image.open(self.mask_path)
  27. found_face = False
  28. for face_landmark in face_landmarks:
  29. # check whether facial features meet requirement
  30. skip = False
  31. for facial_feature in self.KEY_FACIAL_FEATURES:
  32. if facial_feature not in face_landmark:
  33. skip = True
  34. break
  35. if skip:
  36. continue
  37. # mask face
  38. found_face = True
  39. self._mask_face(face_landmark)
  40. if found_face:
  41. if self.show:
  42. self._face_img.show()
  43. # save
  44. self._save()
  45. else:
  46. print('Found no face.')
  47. def _mask_face(self, face_landmark: dict):
  48. nose_bridge = face_landmark['nose_bridge']
  49. nose_point = nose_bridge[len(nose_bridge) * 1 // 4]
  50. nose_v = np.array(nose_point)
  51. chin = face_landmark['chin']
  52. chin_len = len(chin)
  53. chin_bottom_point = chin[chin_len // 2]
  54. chin_bottom_v = np.array(chin_bottom_point)
  55. chin_left_point = chin[chin_len // 8]
  56. chin_right_point = chin[chin_len * 7 // 8]
  57. # split mask and resize
  58. width = self._mask_img.width
  59. height = self._mask_img.height
  60. width_ratio = 1.2
  61. new_height = int(np.linalg.norm(nose_v - chin_bottom_v))
  62. # left
  63. mask_left_img = self._mask_img.crop((0, 0, width // 2, height))
  64. mask_left_width = self.get_distance_from_point_to_line(chin_left_point, nose_point, chin_bottom_point)
  65. mask_left_width = int(mask_left_width * width_ratio)
  66. mask_left_img = mask_left_img.resize((mask_left_width, new_height))
  67. # right
  68. mask_right_img = self._mask_img.crop((width // 2, 0, width, height))
  69. mask_right_width = self.get_distance_from_point_to_line(chin_right_point, nose_point, chin_bottom_point)
  70. mask_right_width = int(mask_right_width * width_ratio)
  71. mask_right_img = mask_right_img.resize((mask_right_width, new_height))
  72. # merge mask
  73. size = (mask_left_img.width + mask_right_img.width, new_height)
  74. mask_img = Image.new('RGBA', size)
  75. mask_img.paste(mask_left_img, (0, 0), mask_left_img)
  76. mask_img.paste(mask_right_img, (mask_left_img.width, 0), mask_right_img)
  77. # rotate mask
  78. angle = np.arctan2(chin_bottom_point[1] - nose_point[1], chin_bottom_point[0] - nose_point[0])
  79. rotated_mask_img = mask_img.rotate(angle, expand=True)
  80. # calculate mask location
  81. center_x = (nose_point[0] + chin_bottom_point[0]) // 2
  82. center_y = (nose_point[1] + chin_bottom_point[1]) // 2
  83. offset = mask_img.width // 2 - mask_left_img.width
  84. radian = angle * np.pi / 180
  85. box_x = center_x + int(offset * np.cos(radian)) - rotated_mask_img.width // 2
  86. box_y = center_y + int(offset * np.sin(radian)) - rotated_mask_img.height // 2
  87. # add mask
  88. self._face_img.paste(mask_img, (box_x, box_y), mask_img)
  89. def _save(self):
  90. path_splits = os.path.splitext(self.face_path)
  91. new_face_path = path_splits[0] + '-with-mask' + path_splits[1]
  92. self._face_img.save(new_face_path)
  93. print(f'Save to {new_face_path}')
  94. @staticmethod
  95. def get_distance_from_point_to_line(point, line_point1, line_point2):
  96. distance = np.abs((line_point2[1] - line_point1[1]) * point[0] +
  97. (line_point1[0] - line_point2[0]) * point[1] +
  98. (line_point2[0] - line_point1[0]) * line_point1[1] +
  99. (line_point1[1] - line_point2[1]) * line_point1[0]) / \
  100. np.sqrt((line_point2[1] - line_point1[1]) * (line_point2[1] - line_point1[1]) +
  101. (line_point1[0] - line_point2[0]) * (line_point1[0] - line_point2[0]))
  102. return int(distance)
  103. if __name__ == '__main__':
  104. FaceMasker("./face/1.jpg", DEFAULT_IMAGE_PATH, True, 'hog').mask()
  • 本项目已为大家提供处理好的数据集地址 ,后边直接使用。如果想了解更多处理细节请关注我的主页

三、模型介绍

3.1 Xception简介

Xception是Google公司继Inception后提出的对 Inception-v3 的另一种改进。作者认为,通道之间的相关性与空间相关性最好要分开处理。于是采用 Separable Convolution来替换原来 Inception-v3中的卷积操作。
传统卷积的实现过程:

Depthwise Separable Convolution 的实现过程:

深度可分离卷积 Depthwise Separable Convolution
Depthwise Separable Convolution 与 极致的 Inception 区别:
极致的 Inception:

  • 第一步:普通 1×1 卷积。
  • 第二步:对 1×1 卷积结果的每个 channel,分别进行 3×3卷积操作,并将结果 concat。

Depthwise Separable Convolution:

  • 第一步:Depthwise 卷积,对输入的每个channel,分别进行 3×3卷积操作,并将结果 concat。
  • 第二步:Pointwise 卷积,对 Depthwise 卷积中的 concat 结果,进行1×1卷积操作。

两种操作的顺序不一致:Inception 先进行1×1卷积,再进行3×3 卷积;Depthwise Separable Convolution 先进行 3×3卷积,再进行 1×1卷积。

3.2 Xception网络框架

先进行普通卷积操作,再对 1×1 卷积后的每个channel分别进行 3×3 卷积操作,最后将结果 concat。

注:Xception包含三个部分:输入部分,中间部分和结尾部分;其中所有卷积层和可分离卷积层后面都使用Batch Normalization处理,所有的可分离卷积层使用一个深度乘数1(深度方向并不进行扩充)。

三、技术路线

3.1 PaddleClas简介

飞桨图像分类套件PaddleClas是飞桨为工业界和学术界所准备的一个图像分类任务的工具集,助力使用者训练出更好的视觉模型和应用落地。

PaddleClas特性:

  1. 丰富的模型库:基于ImageNet1k分类数据集,PaddleClas提供了29个系列的分类网络结构和训练配置,133个预训练模型和性能评估。
  2. SSLD知识蒸馏:基于该方案蒸馏模型的识别准确率普遍提升3%以上。
  3. 数据增广:支持AutoAugment、Cutout、Cutmix等8种数据增广算法详细介绍、代码复现和在统一实验环境下的效果评估。
  4. 10万类图像分类预训练模型:百度自研并开源了基于10万类数据集训练的 ResNet50_vd 模型,在一些实际场景中,使用该预训练模型的识别准确率最多可以提升30%。
  5. 多种训练方案,包括多机训练、混合精度训练等。
  6. 多种预测推理、部署方案,包括TensorRT预测、Paddle-Lite预测、模型服务化部署、模型量化、Paddle Hub等。可运行于Linux、Windows、MacOS等多种系统。

3.2 模型库链接

Paddleclas代码GitHub链接: https://github.com/PaddlePaddle/PaddleClas

Paddleclas代码Gitee链接: https://gitee.com/PaddlePaddle/PaddleClas

Paddleclas文档链接: https://paddleclas.readthedocs.io

四、环境配置

  • 更新pip(很重要,要不然很多包装不上)
pip install --upgrade pip
  • 克隆Paddleclas仓库
  1. %cd /home/aistudio/work/
  2. # 克隆Paddleclas仓库
  3. # gitee 国内下载比较快
  4. !git clone https://gitee.com/PaddlePaddle/PaddleClas.git
  5. # github
  6. # !git clone https://github.com/PaddlePaddle/PaddleClas.git
  • 导入package
  1. %cd /home/aistudio/work/PaddleClas
  2. # 导入package
  3. !pip install -r requirements.txt
  • 解压数据集
  1. # 解压数据集
  2. # 注意数据集压缩包的名字和位置
  3. !echo "解压数据集"
  4. !unzip -oq /home/aistudio/data/data201630/fer2013(添加口罩_四分类) _.zip -d /home/aistudio/work/PaddleClas/dataset
  • 数据集结构
  1. dataset:
  2. train:
  3. imags # 训练集图片
  4. train_list.txt # 训练集标签
  5. eval:
  6. imags # 评估图片
  7. eval_list.txt # 评估标签
  8. test:
  9. imags #测试图片
  10. test_list.txt #测试标签
  11. list.txt # 标签对应含义

五、模型训练

5.1 配置训练参数文件(已为大家提供参考参数文件)

  • 本项目使用的配置文件是
  1. /home/aistudio/work/PaddleClas/ppcls/configs/ImageNet/Xception/Xception65.yaml
  2. # global configs
  3. Global:
  4. ...
  5. output_dir: ./output/ # 模型保存路径
  6. epochs: 200 # 训练步数
  7. ...
  8. use_visualdl: Ture # 训练可视化,在训练时可以绘制出可视化图像
  9. ...
  10. save_inference_dir: ./inference #导出模型保存路径
  11. ....
  12. Optimizer:
  13. ....
  14. lr:
  15. name: Cosine
  16. learning_rate: 0.045 # 学习率,根据训练时的可视化图像进行调整
  17. regularizer:
  18. name: 'L2'
  19. coeff: 0.0001
  20. .....
  21. # data loader for train and eval
  22. DataLoader:
  23. Train:
  24. dataset:
  25. name: ImageNetDataset
  26. image_root: ./dataset/ # 图片路径
  27. cls_label_path: ./dataset/train/train_list.txt # 标签路径
  28. ......
  29. sampler:
  30. name: DistributedBatchSampler
  31. batch_size: 64 # 根据配置进行调整,在环境最左边工具栏的监控中根据显存和cup占用率进行调整
  32. ....
  33. Eval:
  34. dataset:
  35. name: ImageNetDataset
  36. image_root: ./dataset/
  37. cls_label_path: ./dataset/eval/eval_list.txt # 同上
  38. .....
  39. Infer:
  40. infer_imgs: ./dataset/test/imags/10276.jpg # 预测的图片
  41. batch_size: 10 # 根据实际调整
  42. ....
  43. class_id_map_file: ./dataset/test/list.txt# 此文件是标签对应的含义,根据开始数据集说明时的图片可知:0对应生气 1害怕.....

5.2 训练

  1. %cd /home/aistudio/work/PaddleClas
  2. !echo "开始炼丹"
  3. !python3 -m paddle.distributed.launch tools/train.py \
  4. -c /home/aistudio/work/PaddleClas/ppcls/configs/ImageNet/Xception/Xception65.yaml
  • 精确度

5.3 加载训练可视化

  • 设置VisualDL服务

  • 加载logdir

  • 启动打开

5.4 效果

六、模型预测

备注:

  • 这里-o Global.pretrained_model="/home/aistudio/work/PaddleClas/output/Xception65/best_model" 指定了当前最佳权重所在的路径,如果指定其他权重,只需替换对应的路径即可。
  • 默认是对 /home/aistudio/work/data/test 进行预测,此处也可以通过增加字段 -o Infer.infer_imgs=xxx 对其他图片预测。
  • 默认输出的是 Top-5 的值,如果希望输出 Top-k 的值,可以指定-o Infer.PostProcess.topk=k,其中,k 为您指定的值。

修改 /home/aistudio/work/PaddleClas-2.4.0/ppcls/engine/engine.py 中的推理代码 infer(self),将推理结果存入csv文件。

  1. @paddle.no_grad()
  2. def infer(self):
  3. assert self.mode == "infer" and self.eval_mode == "classification"
  4. total_trainer = dist.get_world_size()
  5. local_rank = dist.get_rank()
  6. image_list = get_image_list(self.config["Infer"]["infer_imgs"])
  7. # data split
  8. image_list = image_list[local_rank::total_trainer]
  9. with open("/home/aistudio/work/PaddleClas/dataset/eval/eval_list.txt", "r") as f:
  10. dat = f.readlines()
  11. Dta= {}
  12. for delr in dat:
  13. wed=delr.replace('./eval/imags/','').replace('\n','').split(' ')
  14. Dta[wed[0]] =wed[1]
  15. print(Dta)
  16. csvfile = open("/home/aistudio/work/PaddleClas/output/result.csv", "w", newline="")
  17. writer = csv.writer(csvfile)
  18. batch_size = self.config["Infer"]["batch_size"]
  19. self.model.eval()
  20. batch_data = []
  21. image_file_list = []
  22. for idx, image_file in enumerate(image_list):
  23. with open(image_file, 'rb') as f:
  24. x = f.read()
  25. for process in self.preprocess_func:
  26. x = process(x)
  27. batch_data.append(x)
  28. image_file_list.append(image_file)
  29. if len(batch_data) >= batch_size or idx == len(image_list) - 1:
  30. batch_tensor = paddle.to_tensor(batch_data)
  31. if self.amp and self.amp_eval:
  32. with paddle.amp.auto_cast(
  33. custom_black_list={
  34. "flatten_contiguous_range", "greater_than"
  35. },
  36. level=self.amp_level):
  37. out = self.model(batch_tensor)
  38. else:
  39. out = self.model(batch_tensor)
  40. if isinstance(out, list):
  41. out = out[0]
  42. if isinstance(out, dict) and "Student" in out:
  43. out = out["Student"]
  44. if isinstance(out, dict) and "logits" in out:
  45. out = out["logits"]
  46. if isinstance(out, dict) and "output" in out:
  47. out = out["output"]
  48. result = self.postprocess_func(out, image_file_list)
  49. print(result)
  50. for res in result:
  51. file_name = res['file_name'].split('/')[-1]
  52. class_id = res['class_ids'][0]
  53. try:
  54. ture_id = Dta[file_name]
  55. writer.writerow([file_name, class_id,ture_id])
  56. except:
  57. pass
  58. batch_data.clear()
  59. image_file_list.clear()
  60. %cd /home/aistudio/work/PaddleClas/
  61. !echo "模型预测"
  62. !python tools/infer.py \
  63. -c /home/aistudio/work/PaddleClas/ppcls/configs/ImageNet/Xception/Xception65.yaml\
  64. -o Global.pretrained_model=/home/aistudio/work/PaddleClas/output/Xception65/best_model
  • 提取预测结果
  1. import glob
  2. import matplotlib.pyplot as plt
  3. import pandas as pd
  4. import cv2
  5. data_1=pd.read_csv("/home/aistudio/work/PaddleClas/output/result.csv",",",encoding="utf-8",header=None)
  6. # 随机抽取数据
  7. data_2=data_1.sample(10)
  8. print(data_2)
  9. ji = 1
  10. for index, row in data_2.iterrows():
  11. i=row.tolist()
  12. img = cv2.imread("/home/aistudio/work/PaddleClas/dataset/eval/imags/"+str(i[0]))
  13. title='pri:'+str(i[1])+' true:'+str(i[2])
  14. plt.subplot(3,5,ji)
  15. plt.imshow(cv2.cvtColor(img, cv2.COLOR_BGR2RGB))
  16. plt.title(title,fontsize=10)
  17. ji=ji+1
  18. plt.tight_layout()
  19. plt.show()
  20. sum_num = 0
  21. cr_num = 0
  22. for index, row in data_1.iterrows():
  23. i = row.tolist()
  24. if int(i[1])==int(i[2]):
  25. cr_num = cr_num + 1
  26. sum_num = sum_num + 1
  27. print("正确:",cr_num,"\n总数:",sum_num)
  28. print('ACC:',cr_num*100/sum_num,"%")

七、模型导出

  1. # 导出模型
  2. !echo "模型导出"
  3. !python tools/export_model.py -c /home/aistudio/work/PaddleClas/ppcls/configs/ImageNet/Xception/Xception65.yaml\
  4. -o Global.pretrained_model=/home/aistudio/work/PaddleClas/output/Xception65/best_model\
  5. -o Global.save_inference_dir=./inference
  • 模型结构

八、模型部署

参考

九、项目总结

本次项目的完成可谓是经历重重困难,在看到题目时是懵懵的。在我以往学习的知识里,单纯人脸表情识别并没有太大的难度,但是要求对遮挡人脸的表情进行识别(口罩遮挡),查阅资料发现连数据集都没有找到,后来只能自己构建数据集,就利用以往做人脸表情识别的经验,使用未遮挡人脸通过检测人脸面部特征,定位眼、口、鼻、嘴给面部添加口罩。又学习了face-mask的一些操作,算是把数据集构建完成。当选取神经网络时问题有来了,该选取什么网络才好呢?从主流的ResNet、SwinTransformer、VGG效果都不是很理想。仔细分析问题,发现数据集中sad、disgust、anger眼部特征十分相识,所以就减少分类,重新处理数据集。在探索过程中隐约发现Xception网络特性(上文已介绍)可能对此数据集能产生较好的效果,果断进行测试,分别使用Xception41_deeplab和Xception65进行对比,发现ception65精度上升较快(这里可能不严谨,lr等当时并未考虑太多),紧接着使用可视化训练,观察lr,loss,acc曲线变化关系,调整参数,最终只实现了0.72左右精度。因为时间的原因,我没有办法继续优化项目,再以后的时间里我会不断的学习相关知识和优化项目,如果大家有好的想法和观点,欢迎给我留言!!!

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/花生_TL007/article/detail/358894
推荐阅读
相关标签
  

闽ICP备14008679号