WO2021088640A1 - Facial recognition technology based on heuristic gaussian cloud transformation - Google Patents

Facial recognition technology based on heuristic gaussian cloud transformation Download PDF

Info

Publication number
WO2021088640A1
WO2021088640A1 PCT/CN2020/122249 CN2020122249W WO2021088640A1 WO 2021088640 A1 WO2021088640 A1 WO 2021088640A1 CN 2020122249 W CN2020122249 W CN 2020122249W WO 2021088640 A1 WO2021088640 A1 WO 2021088640A1
Authority
WO
WIPO (PCT)
Prior art keywords
face
neural network
network model
image
facial
Prior art date
Application number
PCT/CN2020/122249
Other languages
French (fr)
Chinese (zh)
Inventor
袁正午
查徐鹏
李林
梁星
Original Assignee
重庆邮电大学
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by 重庆邮电大学 filed Critical 重庆邮电大学
Priority to KR1020217009596A priority Critical patent/KR102593835B1/en
Publication of WO2021088640A1 publication Critical patent/WO2021088640A1/en

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V40/00Recognition of biometric, human-related or animal-related patterns in image or video data
    • G06V40/10Human or animal bodies, e.g. vehicle occupants or pedestrians; Body parts, e.g. hands
    • G06V40/16Human faces, e.g. facial parts, sketches or expressions
    • G06V40/161Detection; Localisation; Normalisation
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/045Combinations of networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V40/00Recognition of biometric, human-related or animal-related patterns in image or video data
    • G06V40/10Human or animal bodies, e.g. vehicle occupants or pedestrians; Body parts, e.g. hands
    • G06V40/16Human faces, e.g. facial parts, sketches or expressions
    • G06V40/168Feature extraction; Face representation

Definitions

  • the invention belongs to the field of image recognition technology, and in particular relates to a face recognition technology based on heuristic Gaussian cloud transformation.
  • Face recognition is a process of analyzing and comparing face images in the database based on digital image processing, computer vision and machine learning technologies, with the help of computer processing technology.
  • face recognition technology mainly uses the convolution training operation of deep convolutional neural networks to extract facial features. For two face images of the same person, the corresponding features belong to the same category; conversely, for two different persons The corresponding features of a face image belong to different categories, so in the face recognition model, a person corresponds to one category.
  • the Softmax classification was used directly to obtain the probability of each class, and the highest probability or the first few probabilities were selected as the recognition result.
  • this technique has low recognition accuracy due to the small training set and the large number of types.
  • the present invention provides a face recognition technology based on heuristic Gaussian cloud transformation, defines a new loss function for face recognition, instead of the softmax classification method, and no longer needs to consider the sample of the recognition object Problems such as a small number and a large number of classification categories have improved the accuracy.
  • the technical solution of the present invention is: a face recognition technology based on heuristic Gaussian cloud transformation, including the following steps:
  • Step 1) Use the camera to obtain the target face image
  • Step 2 Input the target face image into the MTCNN neural network model, and output a square face frame image with only facial features aligned with the face cut;
  • Step 3 Construct a neural network model based on the random_normal activation function, and define a new face recognition loss function
  • Step 4) Pre-train the constructed neural network model with the pre-processed face image data set CASIA-WebFace, and retain the structure and parameters of the trained model;
  • Step 5 Input the target face image and the face image in the face database into the neural network model, and then use the heuristic Gaussian cloud transform algorithm to obtain the ambiguity to judge the face recognition result.
  • the process of constructing a neural network model based on the random_normal activation function and defining a new face recognition loss function includes:
  • Step 3-1 Build a neural network model and set the activation function of each layer to random_nomal;
  • Step 3-2 define the loss function loss of the neural network model
  • the process of defining the loss function loss of the neural network model is as follows:
  • the loss function loss of face recognition is defined as:
  • step 5 the face image of the database is input into the trained neural network model, and the obtained face feature vector is overlaid on the original face image corresponding to the database, and finally, a face feature vector is obtained.
  • the database of faces is composed.
  • the target face feature vector is merged with the feature vector of the face image in the face database, and then the heuristic Gaussian cloud transform algorithm is used to finally obtain the similarity between the target image and the image in the face database degree.
  • the face recognition technology based on heuristic Gaussian cloud transformation disclosed in the present invention has the following beneficial effects:
  • the face database no longer uses face images to store personal face information, and converts the feature vector corresponding to the adult face image to store it. This not only protects the privacy of the user, but also reduces the storage space. It is necessary to judge the ambiguity of the feature vectors of the two groups of face images to obtain their similarity. This recognition method shortens the face recognition time.
  • FIG. 1 is a schematic diagram of the evaluation process of the loss function loss of the present invention.
  • the present invention discloses a face recognition technology based on heuristic Gaussian cloud transformation. The detailed steps are as follows:
  • Step 1) Use the camera to obtain the target face image
  • Step 2 Input the target face image into the MTCNN neural network model, and output a square face frame image with only facial features aligned with the face cut;
  • Step 3 Construct a neural network model based on the random_normal activation function, and add a new face recognition loss function
  • Step 4) Pre-train the constructed neural network model with the pre-processed face image data set CASIA-WebFace, and retain the structure and parameters of the trained model;
  • Step 5 Input the target face image and the face image in the face database into the neural network model, and then use the heuristic Gaussian cloud transform algorithm to obtain the ambiguity to judge the face recognition result.
  • Step 1) The target face image can be obtained by using a smart phone or other smart device, and the way to obtain a good face image is to perform a frontal, horizontal, horizontal, and Get close
  • the target face image is input into the MTCNN neural network model, and the process of outputting a square face frame image with only facial features aligned and cut includes:
  • Step 2-1 Use the P-Net network to obtain candidate frames and boundary regressors, and at the same time, the candidate frames are calibrated according to the bounding boxes, and then the NMS method is used to remove overlapping frames;
  • Step 2-2 Train the picture containing the candidate frame determined by the P-Net network in the R-Net network, use the bounding box vector to fine-tune the candidate frame, and then use the NMS method to remove the overlapping frames;
  • Step 2-3 Use the O-Net network to remove the candidate form and display the location of five key points of the face at the same time.
  • the target face image is processed to obtain a square face frame image after facial features aligned face cutting.
  • the process of constructing a neural network model based on the random_normal activation function in the step 3) and adding a new face recognition loss function includes:
  • Step 3-1 Build a neural network model and set the activation function of each layer to random_nomal, so that the output features of each layer present a normal distribution state;
  • Step 3-2 define the loss function loss of a new neural network model, so as to complete the construction of the neural network model
  • the loss function loss process of the neural network model is as follows:
  • the loss function loss of face recognition is defined as:
  • the neural network model is obtained.
  • step 4 pre-training the constructed neural network model with the pre-processed face image data set CASIA-WebFace, and saving the network model structure and parameters when the model no longer converges;
  • the feature vector of the target face image is merged with the feature vector of the face image in the face database, the number of concepts of the heuristic Gaussian cloud transform algorithm is set to 2, and the merged vector is used as the algorithm Input the data sample set of, get 2 mixing degrees CD 1 , CD 2 , and put The value of is used as the similarity between the target face image and the face image in the face database.
  • the threshold In the actual use process (such as attendance system, user verification system), set a threshold. If the similarity value obtained is higher than the threshold, it will be judged as a similar picture, and the verification is deemed to be passed. If it is lower than the threshold, it will be judged as a different picture. , Indicates that the authentication has failed; the threshold here can be set manually or according to the results of training.

Abstract

The present invention belongs to the technical field of image recognition, and particularly relates to facial recognition technology based on heuristic Gaussian cloud transformation. The method comprises the following content: acquiring a target facial image by using a camera; inputting the target facial image into an MTCNN model, and outputting a square facial frame image obtained after facial-feature-aligned face cutting; constructing a neural network model based on a random_normal activation function, and defining a new facial recognition loss function; pre-training the constructed neural network model by using a preprocessed facial image data set CASIA-WebFace, and maintaining the structure and parameters of the trained model; and inputting the target facial image and facial images in a facial database into the neural network model, and then using a heuristic Gaussian cloud transformation algorithm to obtain a degree of ambiguity in order to determine a facial recognition result. According to the present invention, the facial recognition technology based on heuristic Gaussian cloud transformation is provided, defines the new facial recognition loss function, replaces a softmax classification method, and does not need to take the problems of the number of samples of a recognition object being small and the number of classification categories being great into consideration, thereby improving the precision.

Description

一种基于启发式高斯云变换的人脸识别技术A face recognition technology based on heuristic Gaussian cloud transformation 技术领域Technical field
本发明属于图像识别技术领域,尤其涉及一种基于启发式高斯云变换的人脸识别技术。The invention belongs to the field of image recognition technology, and in particular relates to a face recognition technology based on heuristic Gaussian cloud transformation.
背景技术Background technique
在现代社会,个人身份认证的应用越来越广泛,其中基于指纹、虹膜、以及人脸的生物特征认证技术所应用的领域在不断增加,例如:手机指纹解锁、门禁虹膜认证、以及车站人脸识别通道等等,尽管它们都具有很高的准确度和可靠性,但是人脸识别最为自然和方便,不需要用户特别做出某种动作或姿势,特别是针对人流量大的地方进行身份认证是人脸识别的最大优势。在未来的生活中,人脸识别将会有着更大的应用前景。In modern society, the application of personal identity authentication is more and more extensive. Among them, the areas of application of biometric authentication technology based on fingerprints, iris, and human faces are increasing, such as: mobile phone fingerprint unlocking, access control iris authentication, and station faces Recognition channels and so on. Although they all have high accuracy and reliability, face recognition is the most natural and convenient, and does not require users to make certain actions or gestures, especially for identity authentication in places with a large amount of people. It is the biggest advantage of face recognition. In the future life, face recognition will have greater application prospects.
人脸识别是基于数字图像处理、计算机视觉和机器学习等技术,借助于计算机处理技术,对数据库中人脸图像进行分析比较的过程。目前,人脸识别技术主要是利用深度卷积神经网络的卷积训练操作来提取人脸特征,对于同一个人的两张人脸图像,对应的特征属于同一类;反之,对于不同一个人的两张人脸图像,对应的特征属于不同的类,所以在人脸识别模型中,一个人就对应一种类别。在早期的神经网络模型中,直接使用Softmax分类得到每类的概率,选取其中概率最大或概率前几位作为识别结果,但这种技术由于训练集少,种类多等原因,造成识别精度低。Face recognition is a process of analyzing and comparing face images in the database based on digital image processing, computer vision and machine learning technologies, with the help of computer processing technology. At present, face recognition technology mainly uses the convolution training operation of deep convolutional neural networks to extract facial features. For two face images of the same person, the corresponding features belong to the same category; conversely, for two different persons The corresponding features of a face image belong to different categories, so in the face recognition model, a person corresponds to one category. In the early neural network model, the Softmax classification was used directly to obtain the probability of each class, and the highest probability or the first few probabilities were selected as the recognition result. However, this technique has low recognition accuracy due to the small training set and the large number of types.
发明内容Summary of the invention
为了解决上述问题,本发明提供了一种基于启发式高斯云变换的人脸识别技术,定义了一种新的人脸识别的损失函数,代替了softmax分类方法,不再需要考虑识别对象的样本数少、分类类别多等问题,从而提高了精度。In order to solve the above problems, the present invention provides a face recognition technology based on heuristic Gaussian cloud transformation, defines a new loss function for face recognition, instead of the softmax classification method, and no longer needs to consider the sample of the recognition object Problems such as a small number and a large number of classification categories have improved the accuracy.
为达到上述目的,本发明的技术方案是:一种基于启发式高斯云变换的人脸识别技术,包括如下步骤:To achieve the above objective, the technical solution of the present invention is: a face recognition technology based on heuristic Gaussian cloud transformation, including the following steps:
步骤1)、利用摄像头获取目标人脸图像;Step 1) Use the camera to obtain the target face image;
步骤2)、将目标人脸图像输入到MTCNN神经网络模型中,输出一个只有五官对齐人脸切割后的正方形人脸脸框图像;Step 2) Input the target face image into the MTCNN neural network model, and output a square face frame image with only facial features aligned with the face cut;
步骤3)、构造基于random_normal激活函数的神经网络模型,并定义新的人脸识别损失函数;Step 3) Construct a neural network model based on the random_normal activation function, and define a new face recognition loss function;
步骤4)、将经过预处理的人脸图像数据集CASIA-WebFace对已构造的神经网络模型进行预训练,并保留训练后的模型的结构和参数;Step 4) Pre-train the constructed neural network model with the pre-processed face image data set CASIA-WebFace, and retain the structure and parameters of the trained model;
步骤5)、将目标人脸图像与人脸数据库中人脸图像输入到神经网络模型中,然后利用启发式高斯云变换算法得到含混度来判断人脸识别结果。Step 5) Input the target face image and the face image in the face database into the neural network model, and then use the heuristic Gaussian cloud transform algorithm to obtain the ambiguity to judge the face recognition result.
作为优选,所述步骤3)中构造基于random_normal激活函数的神经网络模型,并定义新的人脸识别损失函数的过程包括:Preferably, in the step 3), the process of constructing a neural network model based on the random_normal activation function and defining a new face recognition loss function includes:
步骤3-1、搭建神经网络模型并将每一层的激活函数都设置成random_nomal;Step 3-1: Build a neural network model and set the activation function of each layer to random_nomal;
步骤3-2、定义神经网络模型的损失函数loss;Step 3-2, define the loss function loss of the neural network model;
作为优选,定义神经网络模型的损失函数loss的过程如下:As a preference, the process of defining the loss function loss of the neural network model is as follows:
将人脸图像输入到神经网络模型中,提取每张人脸图像的特征向量,而且每一张人脸图像的特征维度都是相同的;每次训练都从训练集中随机选取3张人脸图像,分别是人脸样本特征anchor、anchor的正样本(属于同一个人)positive、anchor的负样本(不属于同一个人)negative,将它们输入到神经网络模型后,得到所对应的特征向量。Input the face image into the neural network model, extract the feature vector of each face image, and the feature dimension of each face image is the same; each training randomly selects 3 face images from the training set , Are the face sample feature anchor, the positive sample of the anchor (belonging to the same person) positive, and the negative sample of the anchor (not belonging to the same person) negative. After they are input into the neural network model, the corresponding feature vector is obtained.
将启发式高斯云变换算法的概念个数设置为2,把anchor样本的特征向量和positive样本的特征向量合并,然后作为算法的数据样本集,经过启发式高斯云变换得到2个高斯分布G(μ k,σ k)|k=1,2;对于第k个高斯分布,计算其标准差的缩放比α k,然后计算出高斯云的含混度CD k=(1-α k)/(1+σ k),分别为CD 1、CD 2;同理,把anchor样本的特征向量和negative样本的特征向量合并,然后作为算法的数据样本集输入,也得到2个含混度,分别为CD 3、CD 4Set the number of concepts of the heuristic Gaussian cloud transformation algorithm to 2, merge the feature vector of the anchor sample and the feature vector of the positive sample, and then use it as the data sample set of the algorithm. After heuristic Gaussian cloud transformation, 2 Gaussian distributions G( μ kk )|k=1, 2; for the k-th Gaussian distribution, calculate the scaling ratio α k of its standard deviation, and then calculate the Gaussian cloud ambiguity CD k =(1-α k )/(1 +σ k ), CD 1 and CD 2 respectively ; in the same way, the feature vector of the anchor sample and the feature vector of the negative sample are combined, and then input as the data sample set of the algorithm, and 2 ambiguities are also obtained, respectively CD 3 , CD 4 .
对于同一个人,我们希望它们的特征向量属于同一类,也就是同一个概念,那么对应的含混度大;反之,不属于同一个概念,那么对应的含混度小。由于
Figure PCTCN2020122249-appb-000001
我们期望
Figure PCTCN2020122249-appb-000002
越大,
Figure PCTCN2020122249-appb-000003
越小,因此,在训练模型时,只要不断优化
Figure PCTCN2020122249-appb-000004
Figure PCTCN2020122249-appb-000005
的结果,使它不断接近0。因此,定义人脸识别的损失函数loss为:
For the same person, we hope that their feature vectors belong to the same category, that is, the same concept, then the corresponding ambiguity is large; on the contrary, if they do not belong to the same concept, the corresponding ambiguity is small. due to
Figure PCTCN2020122249-appb-000001
We expect
Figure PCTCN2020122249-appb-000002
Bigger,
Figure PCTCN2020122249-appb-000003
The smaller, therefore, when training the model, as long as you keep optimizing
Figure PCTCN2020122249-appb-000004
Figure PCTCN2020122249-appb-000005
As a result, it keeps getting close to 0. Therefore, the loss function loss of face recognition is defined as:
Figure PCTCN2020122249-appb-000006
Figure PCTCN2020122249-appb-000006
作为优选,步骤5)中将数据库的人脸图像输入到训练好了神经网络模型中,将得到的人脸特征向量覆盖数据库中所对应的原始人脸图像,最终,得到一个由人脸特征向量组成的人脸数据库。Preferably, in step 5), the face image of the database is input into the trained neural network model, and the obtained face feature vector is overlaid on the original face image corresponding to the database, and finally, a face feature vector is obtained. The database of faces is composed.
作为优选,所述步骤5)中,将目标人脸特征向量与人脸数据库中人脸图像的特征向量合并,然后通过启发式高斯云变换算法,最后得到目标图像与人脸数据库中图像的相似 度。Preferably, in the step 5), the target face feature vector is merged with the feature vector of the face image in the face database, and then the heuristic Gaussian cloud transform algorithm is used to finally obtain the similarity between the target image and the image in the face database degree.
有益效果,本发明揭示的一种基于启发式高斯云变换的人脸识别技术,具有如下有益效果:Beneficial effects. The face recognition technology based on heuristic Gaussian cloud transformation disclosed in the present invention has the following beneficial effects:
1)、提出一种基于启发式高斯云变换的人脸图像损失定义,为人脸识别技术提供了一种新的技术,不再通过softmax分类方法来识别人脸,解决了训练集少、分类类别多、准确度低等问题。1). Propose a face image loss definition based on heuristic Gaussian cloud transformation, which provides a new technology for face recognition technology. It no longer uses the softmax classification method to recognize faces, and solves the problem of fewer training sets and classification categories. Many problems such as low accuracy.
2)、人脸数据库不再利用人脸图像来存储个人人脸信息,转换成人脸图像所对应的特征向量来存储,不光保护了用户的隐私,减小了存储空间,同时在识别的时候只需通过判断两组人脸图像特征向量的含混度,就可以得出它们的相似度,这样的识别方式缩短了人脸的识别时间。2) The face database no longer uses face images to store personal face information, and converts the feature vector corresponding to the adult face image to store it. This not only protects the privacy of the user, but also reduces the storage space. It is necessary to judge the ambiguity of the feature vectors of the two groups of face images to obtain their similarity. This recognition method shortens the face recognition time.
3)、在更新数据库时,不再需要重新训练模型,只需将新的人脸图像输入到训练好的神经网络模型中,把得到的人脸图像的特征向量添加到数据库即可。3) When updating the database, it is no longer necessary to retrain the model, just input the new face image into the trained neural network model, and add the feature vector of the obtained face image to the database.
附图说明Description of the drawings
图1是本发明损失函数loss的求值流程示意图。FIG. 1 is a schematic diagram of the evaluation process of the loss function loss of the present invention.
[根据细则26改正23.11.2020] 
[Corrected according to Rule 26 23.11.2020]
具体实施方式Detailed ways
下面结合本发明所提供的附图对本发明的技术作进一步说明:The technology of the present invention will be further described below in conjunction with the accompanying drawings provided by the present invention:
本发明所揭示的是一种基于启发式高斯云变换的人脸识别技术,详细步骤如下:The present invention discloses a face recognition technology based on heuristic Gaussian cloud transformation. The detailed steps are as follows:
步骤1)、利用摄像头获取目标人脸图像;Step 1) Use the camera to obtain the target face image;
步骤2)、将目标人脸图像输入到MTCNN神经网络模型中,输出一个只有五官对齐人脸切割后的正方形人脸脸框图像;Step 2) Input the target face image into the MTCNN neural network model, and output a square face frame image with only facial features aligned with the face cut;
步骤3)、构造基于random_normal激活函数的神经网络模型,并添加新的人脸识别损失函数;Step 3) Construct a neural network model based on the random_normal activation function, and add a new face recognition loss function;
步骤4)、将经过预处理的人脸图像数据集CASIA-WebFace对已构造的神经网络模型进行预训练,并保留训练后的模型的结构和参数;Step 4) Pre-train the constructed neural network model with the pre-processed face image data set CASIA-WebFace, and retain the structure and parameters of the trained model;
步骤5)、将目标人脸图像与人脸数据库中人脸图像输入到神经网络模型中,然后利用启发式高斯云变换算法得到含混度来判断人脸识别结果。Step 5) Input the target face image and the face image in the face database into the neural network model, and then use the heuristic Gaussian cloud transform algorithm to obtain the ambiguity to judge the face recognition result.
下面对上述步骤进行详细描述,其中步骤1)目标人脸图像可以利用智能手机或者其他智能设备进行获取,且获取一个效果好的人脸图像的方式是通过摄像头对目标人物进行正面、水平、近距离获取;The above steps are described in detail below. Step 1) The target face image can be obtained by using a smart phone or other smart device, and the way to obtain a good face image is to perform a frontal, horizontal, horizontal, and Get close
在所述步骤2)中将目标人脸图像输入到MTCNN神经网络模型中,输出一个只有五官对齐人脸切割后的方形人脸脸框图像的过程包括:In the step 2), the target face image is input into the MTCNN neural network model, and the process of outputting a square face frame image with only facial features aligned and cut includes:
步骤2-1、采用P-Net网络获得候选窗体和边界回归量,同时候选窗体根据边界框进行校准,再利用NMS方法去除重叠窗体;Step 2-1. Use the P-Net network to obtain candidate frames and boundary regressors, and at the same time, the candidate frames are calibrated according to the bounding boxes, and then the NMS method is used to remove overlapping frames;
步骤2-2、将P-Net网络确定的包含候选窗体的图片在R-Net网络中训练,利用边界框向量微调候选框体,再利用NMS方法去除重叠窗体;Step 2-2. Train the picture containing the candidate frame determined by the P-Net network in the R-Net network, use the bounding box vector to fine-tune the candidate frame, and then use the NMS method to remove the overlapping frames;
步骤2-3、利用O-Net网络在去除候选窗体,同时显示五个人脸关键点定位。Step 2-3: Use the O-Net network to remove the candidate form and display the location of five key points of the face at the same time.
通过上述步骤,目标人脸图像经过处理后得到了一个经过五官对齐人脸切割后的方形人脸脸框图像。Through the above steps, the target face image is processed to obtain a square face frame image after facial features aligned face cutting.
所述步骤3)中构造基于random_normal激活函数的神经网络模型,并添加新的人脸识别损失函数的过程包括:The process of constructing a neural network model based on the random_normal activation function in the step 3) and adding a new face recognition loss function includes:
步骤3-1、搭建神经网络模型并将每一层的激活函数都设置成random_nomal,使每层输出的特征都呈现一种正态分布的状态;Step 3-1: Build a neural network model and set the activation function of each layer to random_nomal, so that the output features of each layer present a normal distribution state;
步骤3-2、定义一种新的神经网络模型的损失函数loss,从而完成对神经网络模型的构建;Step 3-2, define the loss function loss of a new neural network model, so as to complete the construction of the neural network model;
如图1所示,神经网络模型的损失函数loss的过程如下:As shown in Figure 1, the loss function loss process of the neural network model is as follows:
将人脸图像输入到神经网络模型,提取每张人脸图像的特征向量,而且每一张人脸图像的特征维度都是相同的;每次训练都从训练集中随机选取3张人脸图像,分别是人脸样本特征anchor、anchor的正样本(属于同一个人)positive、anchor的负样本(不属于同一个人)negative,将它们输入到神经网络模型后,得到所对应的特征向量。Input the face image to the neural network model, extract the feature vector of each face image, and the feature dimension of each face image is the same; each training randomly selects 3 face images from the training set, They are the face sample feature anchor, the positive sample of the anchor (belonging to the same person) positive, and the negative sample of the anchor (not belonging to the same person) negative. After they are input into the neural network model, the corresponding feature vector is obtained.
将启发式高斯云变换算法的概念个数设置为2,把anchor样本的特征向量和positive样本的特征向量合并,然后作为算法的数据样本集,经过启发式高斯云变换得到2个高斯分布G(μ k,σ k)|k=1,2;对于第k个高斯分布,计算其标准差的缩放比α k,然后计算出高斯云的含混度CD k=(1-α k)/(1+σ k),分别为CD 1、CD 2;同理,把anchor样本的特征向量和negative 样本的特征向量合并,然后作为算法的数据样本集输入,也得到2个含混度,分别为CD 3、CD 4Set the number of concepts of the heuristic Gaussian cloud transformation algorithm to 2, merge the feature vector of the anchor sample and the feature vector of the positive sample, and then use it as the data sample set of the algorithm. After heuristic Gaussian cloud transformation, 2 Gaussian distributions G( μ kk )|k=1, 2; for the k-th Gaussian distribution, calculate the scaling ratio α k of its standard deviation, and then calculate the Gaussian cloud ambiguity CD k =(1-α k )/(1 +σ k ), CD 1 and CD 2 respectively ; in the same way, the feature vector of the anchor sample and the feature vector of the negative sample are combined, and then input as the data sample set of the algorithm, and 2 ambiguities are also obtained, respectively CD 3 , CD 4 .
对于同一个人,我们希望它们的特征向量属于同一类,也就是同一个概念,那么对应的含混度大;反之,不属于同一个概念,那么对应的含混度小。由于
Figure PCTCN2020122249-appb-000008
我们期望
Figure PCTCN2020122249-appb-000009
越大,
Figure PCTCN2020122249-appb-000010
越小,因此,在训练模型时,只要不断优化
Figure PCTCN2020122249-appb-000011
Figure PCTCN2020122249-appb-000012
的结果,使它不断接近0。因此,定义人脸识别的损失函数loss为:
For the same person, we hope that their feature vectors belong to the same category, that is, the same concept, then the corresponding ambiguity is large; on the contrary, if they do not belong to the same concept, the corresponding ambiguity is small. due to
Figure PCTCN2020122249-appb-000008
We expect
Figure PCTCN2020122249-appb-000009
Bigger,
Figure PCTCN2020122249-appb-000010
The smaller, therefore, when training the model, as long as you keep optimizing
Figure PCTCN2020122249-appb-000011
Figure PCTCN2020122249-appb-000012
As a result, it keeps getting close to 0. Therefore, the loss function loss of face recognition is defined as:
Figure PCTCN2020122249-appb-000013
Figure PCTCN2020122249-appb-000013
经过定义新的损失函数loss后,得到神经网络模型。After defining the new loss function loss, the neural network model is obtained.
所述步骤4)中将经过预处理的人脸图像数据集CASIA-WebFace对已构造的神经网络模型进行预训练,当模型不再收敛的时候,保存网络模型结构和参数;In the step 4), pre-training the constructed neural network model with the pre-processed face image data set CASIA-WebFace, and saving the network model structure and parameters when the model no longer converges;
所述步骤5)中将目标人脸图像的特征向量与人脸数据库中人脸图像的特征向量合并,将启发式高斯云变换算法的概念个数设置为2,同时将合并后的向量作为算法的数据样本集输入,得到2个混合度CD 1、CD 2,将
Figure PCTCN2020122249-appb-000014
的值作为目标人脸图像和人脸数据库中人脸图像的相似度。在实际使用过程中(如考勤系统、用户验证系统),设定一个阈值,如果得到的相似度值高于阈值,则判断为相似图片,认定验证通过,如果低于阈值,则判断为不同图片,表示认证失败;这里的阈值既可以通过人为设定,也可以根据训练的结果来设置。
In the step 5), the feature vector of the target face image is merged with the feature vector of the face image in the face database, the number of concepts of the heuristic Gaussian cloud transform algorithm is set to 2, and the merged vector is used as the algorithm Input the data sample set of, get 2 mixing degrees CD 1 , CD 2 , and put
Figure PCTCN2020122249-appb-000014
The value of is used as the similarity between the target face image and the face image in the face database. In the actual use process (such as attendance system, user verification system), set a threshold. If the similarity value obtained is higher than the threshold, it will be judged as a similar picture, and the verification is deemed to be passed. If it is lower than the threshold, it will be judged as a different picture. , Indicates that the authentication has failed; the threshold here can be set manually or according to the results of training.
本发明的技术内容及技术特征已揭示如上,然而熟悉本领域的技术人员仍可能基于本发明的揭示而作种种不背离本发明精神的替换及修饰,因此,本发明保护范围应不限于实施例所揭示的内容,而应包括各种不背离本发明的替换及修饰,并为本专利申请权利要求所涵盖。The technical content and technical features of the present invention have been disclosed as above. However, those skilled in the art may still make various substitutions and modifications based on the disclosure of the present invention without departing from the spirit of the present invention. Therefore, the scope of protection of the present invention should not be limited to the embodiments. The disclosed content should include various substitutions and modifications that do not deviate from the present invention, and are covered by the claims of this patent application.

Claims (5)

  1. 一种基于启发式高斯云变换的人脸识别方法,其特征在于:该方法包括以下步骤:A face recognition method based on heuristic Gaussian cloud transformation is characterized in that: the method includes the following steps:
    步骤1)、利用摄像头获取目标人脸图像;Step 1) Use the camera to obtain the target face image;
    步骤2)、将目标人脸图像输入到MTCNN神经网络模型中,输出一个只有五官对齐人脸切割后的正方形人脸脸框图像;Step 2) Input the target face image into the MTCNN neural network model, and output a square face frame image with only facial features aligned with the face cut;
    步骤3)、构造基于random_normal激活函数的神经网络模型,并定义新的人脸识别损失函数;Step 3) Construct a neural network model based on the random_normal activation function, and define a new face recognition loss function;
    步骤4)、将经过预处理的人脸图像数据集CASIA-WebFace对已构造的神经网络模型进行预训练,并保留训练后的模型的结构和参数;Step 4) Pre-train the constructed neural network model with the pre-processed face image data set CASIA-WebFace, and retain the structure and parameters of the trained model;
    步骤5)、将目标人脸图像与人脸数据库中人脸图像输入到神经网络模型中,然后利用启发式高斯云变换算法得到含混度来判断人脸识别结果。Step 5) Input the target face image and the face image in the face database into the neural network model, and then use the heuristic Gaussian cloud transform algorithm to obtain the ambiguity to judge the face recognition result.
  2. 根据权利要求1所述的一种基于启发式高斯云变换的人脸识别方法,其特征在于:所述步骤3)中构造基于random_normal激活函数的神经网络模型,并定义新的人脸识别损失函数的过程包括:A face recognition method based on heuristic Gaussian cloud transformation according to claim 1, characterized in that: in the step 3), a neural network model based on a random_normal activation function is constructed, and a new face recognition loss function is defined The process includes:
    步骤3-1、搭建神经网络模型并将每一层的激活函数都设置成random_nomal;Step 3-1: Build a neural network model and set the activation function of each layer to random_nomal;
    步骤3-2、定义神经网络模型的损失函数loss。Step 3-2, define the loss function loss of the neural network model.
  3. 根据权利要求2所述的一种基于启发式高斯云变换的人脸识别方法,其特征在于:所述的定义神经网络模型的损失函数loss的过程如下:The face recognition method based on heuristic Gaussian cloud transformation according to claim 2, characterized in that: the process of defining the loss function loss of the neural network model is as follows:
    将人脸图像输入到神经网络模型中,提取每张人脸图像的特征向量,而且每一张人脸图像的特征维度都是相同的;每次训练都从训练集中随机选取3张人脸图像,分别是人脸样本特征anchor、anchor的正样本(属于同一个人)positive、anchor的负样本(不属于同一个人)negative,将它们输入到神经网络模型后,得到所对应的特征向量;Input the face image into the neural network model, extract the feature vector of each face image, and the feature dimension of each face image is the same; each training randomly selects 3 face images from the training set , Which are the face sample feature anchor, the positive sample of the anchor (belonging to the same person) positive, and the negative sample of the anchor (not belonging to the same person) negative. After they are input into the neural network model, the corresponding feature vector is obtained;
    将启发式高斯云变换算法的概念个数设置为2,把anchor样本的特征向量和positive样本的特征向量合并,然后作为算法的数据样本集,经过启发式高斯云变换得到2个高斯分布G(μ k,σ k)|k=1,2;对于第k个高斯分布,计算其标准差的缩放比α k,然后计算出高斯云的含混度CD k=(1-α k)/(1+σ k),分别为CD 1、CD 2;同理,把anchor样本的特征向量和negative样本的特征向量合并,然后作为算法的数据样本集输入,也得到2个含混度,分别为CD 3、CD 4Set the number of concepts of the heuristic Gaussian cloud transformation algorithm to 2, merge the feature vector of the anchor sample and the feature vector of the positive sample, and then use it as the data sample set of the algorithm. After heuristic Gaussian cloud transformation, 2 Gaussian distributions G( μ kk )|k=1, 2; for the k-th Gaussian distribution, calculate the scaling ratio α k of its standard deviation, and then calculate the Gaussian cloud ambiguity CD k =(1-α k )/(1 +σ k ), CD 1 and CD 2 respectively ; in the same way, the feature vector of the anchor sample and the feature vector of the negative sample are combined, and then input as the data sample set of the algorithm, and 2 ambiguities are also obtained, respectively CD 3 , CD 4 .
    对于同一个人,我们希望它们的特征向量属于同一类,也就是同一个概念,那么对应的含混度大;反之,不属于同一个概念,那么对应的含混度小。由于
    Figure PCTCN2020122249-appb-100001
    我们期望
    Figure PCTCN2020122249-appb-100002
    越大,
    Figure PCTCN2020122249-appb-100003
    越小,因此,在训练模型时,只要不断优化
    Figure PCTCN2020122249-appb-100004
    的结果,使它不断接近0。因此,定义人脸识别的损失函 数loss为:
    For the same person, we hope that their feature vectors belong to the same category, that is, the same concept, then the corresponding ambiguity is large; on the contrary, if they do not belong to the same concept, the corresponding ambiguity is small. due to
    Figure PCTCN2020122249-appb-100001
    We expect
    Figure PCTCN2020122249-appb-100002
    Bigger,
    Figure PCTCN2020122249-appb-100003
    The smaller, therefore, when training the model, as long as you keep optimizing
    Figure PCTCN2020122249-appb-100004
    As a result, it keeps getting close to 0. Therefore, the loss function loss of face recognition is defined as:
    Figure PCTCN2020122249-appb-100005
    Figure PCTCN2020122249-appb-100005
  4. 根据权利要求1所述的一种基于启发式高斯云变换的人脸识别方法,其特征在于:所述步骤5)中将数据库的人脸图像输入到训练好了神经网络模型中,将得到的人脸特征向量覆盖数据库中所对应的原始人脸图像,最终,得到一个由人脸特征向量组成的人脸数据库。A face recognition method based on heuristic Gaussian cloud transformation according to claim 1, characterized in that: in step 5), the face image of the database is input into the trained neural network model, and the obtained The face feature vector covers the corresponding original face image in the database, and finally, a face database composed of face feature vectors is obtained.
  5. 根据权利要求1所述的一种基于启发式高斯云变换的人脸识别方法,其特征在于:所述步骤5)中将目标人脸特征向量与人脸数据库中人脸图像的特征向量合并,然后通过启发式高斯云变换算法,最后得到目标图像与人脸数据库中图像的相似度。The face recognition method based on heuristic Gaussian cloud transformation according to claim 1, characterized in that: in step 5), the target face feature vector is merged with the feature vector of the face image in the face database, Then through the heuristic Gaussian cloud transform algorithm, the similarity between the target image and the image in the face database is finally obtained.
PCT/CN2020/122249 2019-11-06 2020-10-20 Facial recognition technology based on heuristic gaussian cloud transformation WO2021088640A1 (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
KR1020217009596A KR102593835B1 (en) 2019-11-06 2020-10-20 Face recognition technology based on heuristic Gaussian cloud transformation

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN201911075387.6A CN111104852B (en) 2019-11-06 2019-11-06 Face recognition technology based on heuristic Gaussian cloud transformation
CN201911075387.6 2019-11-06

Publications (1)

Publication Number Publication Date
WO2021088640A1 true WO2021088640A1 (en) 2021-05-14

Family

ID=70420664

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2020/122249 WO2021088640A1 (en) 2019-11-06 2020-10-20 Facial recognition technology based on heuristic gaussian cloud transformation

Country Status (3)

Country Link
KR (1) KR102593835B1 (en)
CN (1) CN111104852B (en)
WO (1) WO2021088640A1 (en)

Cited By (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN113806578A (en) * 2021-09-01 2021-12-17 浪潮卓数大数据产业发展有限公司 Missing person inquiry method and system based on artificial intelligence and big data
CN115880727A (en) * 2023-03-01 2023-03-31 杭州海康威视数字技术股份有限公司 Training method and device for human body recognition model
CN117475091A (en) * 2023-12-27 2024-01-30 浙江时光坐标科技股份有限公司 High-precision 3D model generation method and system

Families Citing this family (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN111104852B (en) * 2019-11-06 2020-10-16 重庆邮电大学 Face recognition technology based on heuristic Gaussian cloud transformation

Citations (9)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN103530866A (en) * 2012-12-31 2014-01-22 刘玉超 Image processing method and device based on Gaussian cloud transformation
CN107341463A (en) * 2017-06-28 2017-11-10 北京飞搜科技有限公司 A kind of face characteristic recognition methods of combination image quality analysis and metric learning
CN107423690A (en) * 2017-06-26 2017-12-01 广东工业大学 A kind of face identification method and device
US20180123797A1 (en) * 2016-10-31 2018-05-03 Electronics And Telecommunications Research Institute Method and apparatus for key generation based on face recognition using cnn and rnn
WO2019002602A1 (en) * 2017-06-30 2019-01-03 Norwegian University Of Science And Technology (Ntnu) Detection of manipulated images
CN109165566A (en) * 2018-08-01 2019-01-08 中国计量大学 A kind of recognition of face convolutional neural networks training method based on novel loss function
CN109447053A (en) * 2019-01-09 2019-03-08 江苏星云网格信息技术有限公司 A kind of face identification method based on dual limitation attention neural network model
CN109543606A (en) * 2018-11-22 2019-03-29 中山大学 A kind of face identification method that attention mechanism is added
CN111104852A (en) * 2019-11-06 2020-05-05 重庆邮电大学 Face recognition technology based on heuristic Gaussian cloud transformation

Family Cites Families (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US10198626B2 (en) * 2016-10-19 2019-02-05 Snap Inc. Neural networks for facial modeling
CN107609459B (en) * 2016-12-15 2018-09-11 平安科技(深圳)有限公司 A kind of face identification method and device based on deep learning
KR102117050B1 (en) * 2017-09-08 2020-05-29 삼성전자주식회사 Electronic device and method for human segmentation in image
CN110135236A (en) * 2019-03-21 2019-08-16 云南路普斯数据科技有限公司 A kind of video face identification method based on wavelet transformation and neural network algorithm

Patent Citations (9)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN103530866A (en) * 2012-12-31 2014-01-22 刘玉超 Image processing method and device based on Gaussian cloud transformation
US20180123797A1 (en) * 2016-10-31 2018-05-03 Electronics And Telecommunications Research Institute Method and apparatus for key generation based on face recognition using cnn and rnn
CN107423690A (en) * 2017-06-26 2017-12-01 广东工业大学 A kind of face identification method and device
CN107341463A (en) * 2017-06-28 2017-11-10 北京飞搜科技有限公司 A kind of face characteristic recognition methods of combination image quality analysis and metric learning
WO2019002602A1 (en) * 2017-06-30 2019-01-03 Norwegian University Of Science And Technology (Ntnu) Detection of manipulated images
CN109165566A (en) * 2018-08-01 2019-01-08 中国计量大学 A kind of recognition of face convolutional neural networks training method based on novel loss function
CN109543606A (en) * 2018-11-22 2019-03-29 中山大学 A kind of face identification method that attention mechanism is added
CN109447053A (en) * 2019-01-09 2019-03-08 江苏星云网格信息技术有限公司 A kind of face identification method based on dual limitation attention neural network model
CN111104852A (en) * 2019-11-06 2020-05-05 重庆邮电大学 Face recognition technology based on heuristic Gaussian cloud transformation

Cited By (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN113806578A (en) * 2021-09-01 2021-12-17 浪潮卓数大数据产业发展有限公司 Missing person inquiry method and system based on artificial intelligence and big data
CN115880727A (en) * 2023-03-01 2023-03-31 杭州海康威视数字技术股份有限公司 Training method and device for human body recognition model
CN117475091A (en) * 2023-12-27 2024-01-30 浙江时光坐标科技股份有限公司 High-precision 3D model generation method and system
CN117475091B (en) * 2023-12-27 2024-03-22 浙江时光坐标科技股份有限公司 High-precision 3D model generation method and system

Also Published As

Publication number Publication date
CN111104852B (en) 2020-10-16
KR102593835B1 (en) 2023-10-25
CN111104852A (en) 2020-05-05
KR20210100592A (en) 2021-08-17

Similar Documents

Publication Publication Date Title
WO2021088640A1 (en) Facial recognition technology based on heuristic gaussian cloud transformation
WO2021077984A1 (en) Object recognition method and apparatus, electronic device, and readable storage medium
CN108509862B (en) Rapid face recognition method capable of resisting angle and shielding interference
Goswami et al. MDLFace: Memorability augmented deep learning for video face recognition
WO2020114118A1 (en) Facial attribute identification method and device, storage medium and processor
KR101254177B1 (en) A system for real-time recognizing a face using radial basis function neural network algorithms
US9189686B2 (en) Apparatus and method for iris image analysis
CN112101241A (en) Lightweight expression recognition method based on deep learning
CN110781829A (en) Light-weight deep learning intelligent business hall face recognition method
CN106372624B (en) Face recognition method and system
CN111191564A (en) Multi-pose face emotion recognition method and system based on multi-angle neural network
CN113205002B (en) Low-definition face recognition method, device, equipment and medium for unlimited video monitoring
CN108564040A (en) A kind of fingerprint activity test method based on depth convolution feature
Vignesh et al. Land use and land cover classification using recurrent neural networks with shared layered architecture
CN112395901A (en) Improved face detection, positioning and recognition method in complex environment
Jadhav et al. HDL-PI: hybrid DeepLearning technique for person identification using multimodal finger print, iris and face biometric features
CN113011307A (en) Face recognition identity authentication method based on deep residual error network
Radu et al. A colour iris recognition system employing multiple classifier techniques
CN111191549A (en) Two-stage face anti-counterfeiting detection method
RU2768797C1 (en) Method and system for determining synthetically modified face images on video
Zuobin et al. Effective feature fusion for pattern classification based on intra-class and extra-class discriminative correlation analysis
Sivasangari et al. Facial recognition system using decision tree algorithm
Nguyen et al. User re-identification using clothing information for smartphones
Balraj et al. Fusion of Iris, Face, Fingerprint using Score Level Mechanism for Biometric Application
Gong Face Recognition: Representation, Intrinsic Dimensionality, Capacity, and Demographic Bias

Legal Events

Date Code Title Description
121 Ep: the epo has been informed by wipo that ep was designated in this application

Ref document number: 20885091

Country of ref document: EP

Kind code of ref document: A1

NENP Non-entry into the national phase

Ref country code: DE

122 Ep: pct application non-entry in european phase

Ref document number: 20885091

Country of ref document: EP

Kind code of ref document: A1