基于CNN的人脸识别研究外文翻译资料

 2022-08-09 10:08

2nd International Symposium on Resource Exploration and Environmental Science IOP Publishing IOP Conf. Series: Earth and Environmental Science170 (2018)lsquo;rsquo;“” 032110 doi:10.1088/1755-1315/170/3/032110

Research on Face Recognition Based on CNN

Jie Wang and Zihao Li

School of Electrical Engineering, Zhengzhou University, Zhengzhou, China

Abstract. With the development of deep learning, face recognition technology based on CNN (Convolutional Neural Network) has become the main method adopted in the field of face recognition. In this paper, the basic principles of CNN are studied, and the convolutional and downsampled layers of CNN are constructed by using the convolution function and downsampling function in opencv to process the pictures. At the same time, the basic principle of MLP Grasp the full connection layer and classification layer, and use Pythons theano library to achieve. The construction and training of CNN model based on face recognition are studied. To simplify the CNN model, the convolution and sampling layers are combined into a single layer. Based on the already trained network, greatly improve the image recognition rate.

1. Introduction

Intelligent systems appear more and more in peoples lives, and often need to be identified when using intelligent systems. Traditional methods of identification mainly identify individuals with some personal characteristics, such as identity documents, such as documents and keys, which have obvious shortcomings. They are easily forgotten, lost or faked. If you use some of the personal characteristics to identify the effect will be quite good, such as: face recognition, fingerprinting and so on.

In terms of algorithms, there are sharing parameters between the convolution layer and the convolution layer of CNN. The advantage of this is that the memory requirements are reduced, and the number of parameters to be trained is correspondingly reduced. The performance of the algorithm is therefore improved. At the same time, in other machine learning algorithms, the pictures need us to perform preprocessing or feature extraction. However, we rarely need to do these operations when using CNN for image processing. This is something other machine learning algorithms cannot do. There are also some shortcomings in depth learning. One of them is that it requires a lot of samples to construct a depth model, which limits the application of this algorithm. Today, very good results have been achieved in the field of face recognition and license plate character recognition, so this topic will do some simple research on CNN-based face recognition technology.

2. Convolution neural network

2.1. Convolutional neural network introduction

With the development of convolutional neural networks, the achievements made in various competitions are getting better and better, making it the focus of research. In order to improve the training performance of the forward BP algorithm, an effective method is to reduce the number of learning parameters. This can be done by convolution of the spatial relationship of the neural network. Convolutional neural network, the network structure is proposed, it minimizes the input data pretreatment. In the structure of convolution neural network, the input data is input from the initial

Content from this work may be used under the terms of the Creative Commons Attribution 3.0 licence. Any further distribution

of this work must maintain attribution to the author(s) and the title of the work, journal citation and DOI.

Published under licence by IOP Publishing Ltd

1

2nd International Symposium on Resource Exploration and Environmental Science IOP Publishing IOP Conf. Series: Earth and Environmental Science170 (2018)lsquo;rsquo;“” 032110 doi:10.1088/1755-1315/170/3/032110

input layer, through each layer processing, and then into the other hierarchy, each layer has a convolution kernel to obtain the most significant data characteristics. The previously mentioned obvious features such as translation, rotation and the like can be obtained by this method.

2.2. Convolution neural network basic structure

Neural network can be divided into two kinds, biological neural network is one of them, and artificial neural network is another kind. Here mainly introduces artificial neural network. An artificial neural network is a data model that processes information and is similar in structure to the synaptic connections in the brain. Neural network is composed of many neurons; the output of the previous neuron can be used as the input of the latter neuron. The corresponding formula is as follows:

(1)

This unit is also called Logistic regression model. When many neurons are linked together, and when they were layered, the structure can now be called a neural network model. Figure 1 shows a neural network with hidden layers.

Figure 1. Neural Networks.

In this neural network, X1, X2, X3 are the input of the neural network. 1 is the offset node, also known as the intercept term. The leftmost column of this neural network model is the input layer of the neural network, the rightmost column of which is the output layer of the neural network. The middle layer of the network model is a hidden layer, which is fully connected between the input layer and the output layer. The values of all the nodes in the network model cannot be seen in the training sample set. By observing this neural network model, we can see that the model contains a total of 3 input units, 3 hidden units and 1 output unit.

Now, use nl to represent the number of layers in the neural network, and the number of layers in this neural network is 3. Now mark each layer, the first layer can be expressed by Ll, then the output layer of the neura

剩余内容已隐藏,支付完成后下载完整资料


译文1

基于CNN的人脸识别研究

Jie Wang and Zihao Li

School of Electrical Engineering, Zhengzhou University, Zhengzhou, China

摘要:随着深度学习的发展,基于CNN (Convolutional Neural Network,卷积神经网络)的人脸识别技术已经成为人脸识别领域采用的主要方法。本文研究了CNN的基本原理,利用OpenCV中的卷积函数和下采样函数对图像进行处理,构造了CNN的卷积和下采样层。同时,MLP的基本原理掌握了全连接层和分类层,并利用Python的Theano库来实现。研究了基于人脸识别的CNN模型的构建与训练。为了简化CNN模型,将卷积层和采样层合并为单层。在已有训练网络的基础上,大大提高了图像的识别率。

1.简介

智能系统越来越多地出现在人们的生活中,在使用智能系统时往往需要对其进行识别。传统的身份识别方法主要是对具有某些个人特征的个人进行识别,如身份证件、证件、钥匙等,存在明显的不足。它们很容易被遗忘、丢失或伪造。如果你用一些个人特征来识别,效果会相当不错,比如:人脸识别、指纹识别等等。

在算法方面,CNN的卷积层和卷积层之间存在共享参数。这样做的好处是减少了对内存的需求,相应减少了需要训练的参数的数量。改进了算法的性能。同时,在其他机器学习算法中,图像需要我们进行预处理或特征提取。然而,在使用CNN进行图像处理时,我们很少需要进行这些操作。这是其他机器学习算法做不到的。深度学习也存在一些不足。其中之一是深度模型的建立需要大量的样本,这限制了该算法的应用。目前,在人脸识别和车牌字符识别领域已经取得了很好的成果,所以本课题将对基于CNN的人脸识别技术做一些简单的研究。

2.卷积神经网络

2.1介绍卷积神经网络

随着卷积神经 网络的发展,在各种竞争中取得的成绩越来越好,成为研究的重点。为了提高前向BP算法的训练性能,一种有效的方法是减少学习参数的数量。这可以通过卷积神经网络的空间关系来实现。提出了卷积神经网络的网络结构,它最小化了输入数据的预处理。在卷积神经网络的结构中,输入的数据是从初始值开始输入的

通过对每一层的处理,然后进入另一层,每一层都有一个卷积核来获得最显著的数据特征。利用该方法可以得到上述明显的平移、旋转等特征。

2.2卷积神经网络的基本结构

神经网络可以分为两类,生物神经网络是其中之一,人工神经网络是另一类。这里主要介绍人工神经网络。人工神经网络是一种处理信息的数据模型,其结构类似于大脑中的突触连接。神经网络由许多神经元组成;前一个神经元的输出可作为后一个神经元的输入。其公式如下:

(1)

这个单元也称为逻辑回归模型。当许多神经元连接在一起,当它们分层时,这个结构现在可以称为神经网络模型。图1显示了一个具有隐藏层的神经网络。

图1 神经网络。

在这个神经网络中,X1,X2,X3是神经网络的输入。 1是偏移节点,也称为截距项。该神经网络模型最左边的一列是神经网络的输入层,最右边的一列是神经网络的输出层。网络模型的中间层是一个隐含层,它完全连接在输入层和输出层之间。网络模型中所有节点的值在训练样本集中是看不到的。通过观察这个神经网络模型,我们可以看出,该模型总共包含3个输入单元、3个隐藏单元和1个输出单元。

现在,用n1表示神经网络的层数,该神经网络的层数为3。现在标记每一层,第一层可以用L1表示,那么输出层为神经网络L1,其输出层为Ln1,在该神经网络中,存在以下参数

(2)

Wij(l)是第1层第j个细胞与第l 1层第i个细胞之间的连接参数,bil是第1 1层第i个细胞的偏移量。在该神经网络模型中,设ai(l)为该层前几个细胞的输出值。设l表示这一层,i表示这一层的前几个细胞。

第二届资源勘查与环境科学国际研讨会IOP出版IOP Conf系列:地球与环境科学170 (2018)doi:10.1088/1755-1315/170/3/032110

已知参数W和b的集合,我们可以使用公式hw,b(x)来计算这个神经网络的输出。计算步骤如下:

(3)

前向传播的计算如式(3)所示。神经网络训练方法与逻辑回归模型相似,但由于神经网络是多层的,还需要梯度下降 链式求导规则。

3.CNN模型构建与训练

3.1 CNN模型

目前,典型的神经网络架构分为以下几类:LeNet5、AlexNet、ZF Net、GooLeNet、VGGNet,下面将对LeNet5架构进行详细分析。LeNet5是很久以前就存在的CNN经典结构,主要用于手写字体的识别。它一共包含7层结构,除了输入层,其他每一层都有训练参数,每一层都包含多个特征映射,我们可以通过卷积核提取输入特征。每个特征包含多个神经元。如下图所示为LeNet5的架构:

图2 LeNet5结构图

如图2所示,大小为32*32的图像通过输入层进入网络结构。输入层为卷积层,用C1表示。卷积核的数量是6,大小是5*5。经过这一层处理,神经元数量为28*28*6,可训练参数为(5*5 1)*6。C1层的下一层是一个下采样层,如图所示,其输入是卷积层的输出,28*28大小,2*2的空间邻域样本,采样的方法是添加4个数字相乘可训练的参数,然后添加一个可训练的补偿通过s形的函数输出结果。S2层神经元数目为14*14*6。经过s2采样层后,得到的每个特征图的大小是之前卷积层输出的四分之一。下采样层S2层后仍然是卷积层,共有16个卷积核,每个卷积核的大小与C1相同。这一层在上图中称为C3层。该层的输出特征层的大小为10*10。S2层的6个特征与C3层的所有特征相连接。图中这一层得到的特征是前一层输出特征的不同组合。S4层与S2层相同,

3.

第二届资源勘查与环境科学国际研讨会IOP出版IOPConf系列:地球与环境科学170(2018)doi:10.1088/1755-1315/170/3/03211

采样类型为16。到目前为止,这种网络结构已经将神经元的数量减少到400个。下一层的C5仍然是一个卷积层,与前一层全连接,其卷积核的大小仍然是5*5,这次C5层图像处理,图像大小成为1*1,这意味着只有一个神经元输出,在这一层包含120个卷积核,所以最终的输出的神经元是120。最后一层是F6,这一层是全连通层,通过计算输入向量和权向量之间的点积,加上一个偏置,最后通过s形函数来处理结果。

3.2 人脸图像采集与处理

基于卷积神经网络的图像处理需要收集大量的图像供计算机学习。这个主题会采用很多人很多 的照片,在收集了很多照片之后剪去不相关的脸部部位。本文使用的人脸检测和切割保存在创建的文件夹。

此时,已收集的图像已被修剪和调整大小。然后在olivettifaces人脸数据库中对所有的图像进行拼接,每条线代表两个人的类别,将所有的人脸图像拼接在一起,然后对小的人脸数据库进行灰度处理。下图为待训练人脸数据集的受试者:

图3人脸数据集

3.3 卷积神经网络模型构建

本文设计的CNN包含以下几层结构,分别是输入层、卷积层、池化层、全连接层、输出层、卷积层和下采样会有很多。本文参考LeNet5模型来实现本文CNN模型的建立。将模型的计成一个卷积层和下采样层合并成一个层,命名为“LeNetConvPoolLayer”,共有两层“LeNetConvPoolLayer”在第三层卷积加上抽样层连接完整的连接层,命名为“HiddenLayer”,这全连接层类似于隐藏层的多层感知器。最后一层是输出层,因为它是一个多面的人脸分类,所以使用Softmax回归模型,称为“逻辑回归”。图4是卷积神经网络结构设计:

第二届资源勘查与环境科学国际研讨会IOP出版IOPConf系列:地球与环境科学170(2018)doi:10.1088/1755-1315/170/3/032110

图4 CNN结构图

第一个是输入图像的输入层,在本设计中一共采集了44张人脸,每个人的人脸数为10,共4个440个样本数据,每张人脸图像的大小为57*47=2679。每个图像都是灰度图像。采集和处理人脸图像后的人脸数据集是卷积神经网络的输入。

输入层之后的第一层为第一个卷积下采样层,该层输入的图像数据为57*47,卷积核的大小为5*5,因此卷积后得到的图像大小为(57-5 1)*(47-5 1)=(53,43)。卷积运算后,将图像下采样到最大,得到的图像大小为26*21。

第二个卷积下采样层的输入是第一个卷积下采样层的输出,所以这一层的输入图像的大小是26*21。与第一层卷积下采样层的操作类似,首先对图像进行卷积处理,卷积后的图像大小为22*17。后续图像在最大下采样操作下,得到的图像大小为11*8。

4 结论

本文研究了CNN的基本结构,以及CNN的基本原理。使用opencv卷积函数和下采样函数构造CNN的卷积层和下采样层。同时,研究了多层感知器MLP的基本原理,掌握了全连接层和分类层,并利用Python实现了Python库的Python化。本文通过将卷积层和采样层放在一起简化了CNN模型。该模型由两个卷积加采样层、一个全连接层和一个Softmax分类层组成。该模型用于训练人脸数据集,优化模型参数。

5 参考文献

[1]Wang Jue, Shi Chunyi. Machine Learning [J]. Journal of Guangxi Normal University (Natural Science Edition), 2013.

[2]Zhang Cuiping, su guangda.Review of face recognition technology [J] .Journal of Image and Graphics,2015.

[3]Guo Wei, Cai Ning. Convolutional Network Coding [J]. Journal of China Academy of ElectronicScience and Technology, 2016.

一种基于CNN的人脸识别方法

Zhiming Xie1, 2, 3, Junjie Li1, 2, 3 and Hui Shi1, 2, 3

1 Department of Information Engineering, Shanwei Polytechnic, Shanwei 516600, Guangdong, China

2 The Research Institute of Cloud Computing and Data Center Project Design, Shanwei Innovation Industrial Design amp; Research Institute, Shanwei 516600, Guangdong, China

3 The Professional Committee Cloud Computing and Big Data in Higher Vocational College, Higher Education Institute in Guangdong Province, Shanwei 516600, Guangdong, China

摘要:传统的人脸识别技术对人脸图像特征的提取和分类器的选择较为复杂,识别率不高。随着卷积神经网络从手写数字识别到人脸识别的不断成熟,本文提出一种使用Python Keras框架测试CNN的人脸识别算法。方法主要涉及两个方面。一是通过改变隐含层神经元的数量来观察对网络的影响;另一种是通过改变卷积层1和卷积层 2的功能图的数量观察对网络的影响。最好的CNN模型是36-76-1024,经过多组实验测试,该模型能够自动提取人脸图像特征并进行分类。使用adam优化器和softmax分类器进行人脸识别,可以使训练更快收敛。有效提高精度,使用Dropout方法避免过拟合。实验结果表明,该模型在olivettifaces人脸数据库上的识别率为97.5%。当使用最优CNN模型时,平均识别率接近100%,验证了算法和模型的有效性和准确性。

1.简介

人脸识别是利用计算机自动识别和分析面部视觉特征的生物特征。它属于计算机视觉的范畴,是近年来深度学习、模式识别等人工智能领域的研究热点之一。特别是近年来,随着深度卷积神经网络的引入,人脸识别的准确性得到了很大的提高,其被广泛应用于访问控制安全、考勤、候选识别、字符识别、人脸支付等领域。

目前常用的人脸识别方法主要是基于模板匹配的、基于几何特征的、基于代数特征的(典型代表主要有HMM、PCA、LDA)等基于人工神经网络(代表BP算法的)方法。然而,随着深度学习的发展,它已经成为机器学习的一个研究热点,特别是卷积神经网络(CNN)的发展使得人脸识别的准确性得到了进一步的提高。CNN是MLP的一个变体,其灵感来自于简化预处理操作的生物视觉。

剩余内容已隐藏,支付完成后下载完整资料


资料编号:[239574],资料为PDF文档或Word文档,PDF文档可免费转换为Word

原文和译文剩余内容已隐藏,您需要先支付 30元 才能查看原文和译文全部内容!立即支付

以上是毕业论文外文翻译,课题毕业论文、任务书、文献综述、开题报告、程序设计、图纸设计等资料可联系客服协助查找。