技术领域technical field
本发明涉及计算机视觉中的人脸属性识别,尤其是涉及一种基于多任务深度学习的人脸属性识别方法。The invention relates to face attribute recognition in computer vision, in particular to a face attribute recognition method based on multi-task deep learning.
背景技术Background technique
基于图像的人脸属性识别方法是根据给定的输入图像,利用模式识别技术判断图像中人脸属性的过程。人脸图像中包含的人脸属性主要有:年龄、性别、表情、种族、是否戴眼镜、是否化妆等。利用计算机自动地进行人脸属性识别,可以有效地提高人机交互性能,具有非常重要的实际应用价值。人脸属性识别的流程包括:人脸检测技术、人脸图像预处理技术、人脸特征提取、人脸属性分类器的训练等步骤。其中,人脸特征提取和人脸属性分类器性能的好坏直接影响到了最终人脸属性识别的性能。The image-based face attribute recognition method is a process of judging the face attributes in the image by using pattern recognition technology according to a given input image. The face attributes contained in the face image mainly include: age, gender, expression, race, whether to wear glasses, whether to make up, etc. Using computer to automatically recognize face attributes can effectively improve the performance of human-computer interaction and has very important practical application value. The process of face attribute recognition includes: face detection technology, face image preprocessing technology, face feature extraction, face attribute classifier training and other steps. Among them, the performance of face feature extraction and face attribute classifier directly affects the performance of final face attribute recognition.
目前,人脸属性识别技术主要分为两个步骤完成:人脸特征提取和人脸属性分类器训练。人脸特征提取技术根据特征的获取方式的不同分为两大类:手工设计特征和自动学习特征。人脸特征的好坏,直接影响到分类器的性能。手工设计特征主要有:SIFT特征(D.G.Lowe.Distinctive image features from scale-invariant keypoints[J].International Journal of Computer Vision,2004,60(2):91–110),LBP特征(T.Ahonen,A.Hadid,M.Pietikainen.Face description with local binary patterns:Application to face recognition[J].IEEE Transactions on Pattern Analysis andMachine Intelligence,2006,28(12):2037–2041),HOG特征(N.Dalal,B.Triggs.Histograms of oriented gradients for human detection[C].IEEEComputer Society Conference onComputerVision and Pattern Recognition,2005,886–893)。但是这些手工设计特征主要依赖于专家经验设计,并且通常提取的特征也很难对各种任务均有效。其次,手工设计的特征提取与分类器设计相分离,导致选择的特征不会最合适于特定的分类器。At present, face attribute recognition technology is mainly divided into two steps: face feature extraction and face attribute classifier training. Face feature extraction technology is divided into two categories according to the different ways of feature acquisition: manual design features and automatic learning features. The quality of facial features directly affects the performance of the classifier. The manual design features mainly include: SIFT features (D.G.Lowe.Distinctive image features from scale-invariant keypoints[J].International Journal of Computer Vision,2004,60(2):91–110), LBP features (T.Ahonen,A .Hadid,M.Pietikainen.Face description with local binary patterns:Application to face recognition[J].IEEE Transactions on Pattern Analysis and Machine Intelligence,2006,28(12):2037–2041), HOG features (N.Dalal,B . Triggs. Histograms of oriented gradients for human detection [C]. IEEE Computer Society Conference on Computer Vision and Pattern Recognition, 2005, 886–893). However, these manually designed features mainly rely on expert experience design, and usually the extracted features are difficult to be effective for various tasks. Second, hand-designed feature extraction is separated from classifier design, resulting in the selected features not being most suitable for a specific classifier.
最近深度学习成为了计算机视觉领域的研究热点之一。与传统的将识别任务分解为特征提取和分类器训练不同,深度学习将二者有机地结合起来,直接将原始的数据作为输入,同时进行特征提取学习和分类器训练学习。深度学习将特征学习和分类器训练放在同一个框架中进行统计学习的方法,有效地避免了特征提取与目标任务分类器之间的意义鸿沟,使得二者之间相互促进,并且克服了人工设计特征的麻烦。由多层神经网络构成的深度模型,具有自动获取由低级到高级、由简单到复杂、通用到专用的特征的特点。例如:在典型的图像分类网络中,前面几层网络常常提取到的是边缘信息,中间层提取到的是角信息,后面层提取到的是轮廓信息和目标信息等。层次越低提取到的特征越简单,越通用,并逐步提取目标任务相关的特征。Recently, deep learning has become one of the research hotspots in the field of computer vision. Different from the traditional decomposition of recognition tasks into feature extraction and classifier training, deep learning organically combines the two, directly takes the original data as input, and performs feature extraction learning and classifier training learning at the same time. Deep learning puts feature learning and classifier training in the same framework for statistical learning, effectively avoiding the meaning gap between feature extraction and target task classifiers, making the two promote each other, and overcoming artificial Trouble with designing features. The deep model composed of multi-layer neural network has the characteristics of automatically acquiring features from low-level to high-level, from simple to complex, and from general to special. For example: in a typical image classification network, the first few layers of the network often extract edge information, the middle layer extracts corner information, and the latter layer extracts contour information and target information. The lower the level, the simpler and more general the features extracted, and gradually extract the features related to the target task.
训练一个深度学习模型,常常需要大量的标签数据,才能避免学习模型过拟合少量的训练数据。然而,获取大量的标签数据往往是非常费时费力,探索利用深度网络模型逐层获取不同特征的特性来解决数据不足的问题,是一个值得解决的关键问题。Training a deep learning model often requires a large amount of labeled data to avoid overfitting the learning model to a small amount of training data. However, obtaining a large amount of labeled data is often very time-consuming and laborious. Exploring the use of deep network models to obtain different features layer by layer to solve the problem of insufficient data is a key problem worth solving.
发明内容Contents of the invention
本发明的目的是提供一种基于多任务深度学习的人脸属性识别方法。The object of the present invention is to provide a method for recognizing face attributes based on multi-task deep learning.
本发明包括如下步骤:The present invention comprises the steps:
A.准备图像数据集,其包含大量的人脸以及对应的人脸属性标签。A. Prepare an image dataset, which contains a large number of faces and corresponding face attribute labels.
B.对图像数据集中的每幅图像逐一进行人脸检测,获取人脸在每幅图像中的位置。B. Perform face detection on each image in the image data set one by one, and obtain the position of the face in each image.
C.对所有检测到的人脸进行人脸关键点检测,获取人脸关键点在每幅图像中的位置。C. Perform face key point detection on all detected faces, and obtain the position of the face key points in each image.
D.对检测到的人脸关键点将每幅人脸根据人脸对齐方法,对齐到标准的人脸图像上,构成人脸图像训练集。D. For the detected face key points, each face is aligned to a standard face image according to the face alignment method to form a face image training set.
E.对人脸图像训练集,计算出训练集中的平均人脸图像。E. For the face image training set, calculate the average face image in the training set.
F.构建多任务深度卷积神经网络,把人脸图像训练集中的每幅人脸图像减去平均人脸图像后进行网络参数的训练,得到卷积神经网络模型。F. Construct a multi-task deep convolutional neural network, subtract the average face image from each face image in the face image training set, and perform network parameter training to obtain a convolutional neural network model.
G.将待识别的测试图像分别进行人脸检测和人脸关键点检测,并根据人脸关键点将图像中的人脸对齐到标准的人脸图像上。G. Perform face detection and face key point detection on the test image to be recognized, and align the faces in the image to the standard face image according to the face key points.
H.将标准的人脸图像减去平均人脸图像,并放到构建好的卷积神经网络模型中进行前馈运算操作,即得到人脸的多个属性识别结果。H. Subtract the average face image from the standard face image, and put it into the constructed convolutional neural network model for feed-forward operation, that is, to obtain the recognition results of multiple attributes of the face.
在步骤A中,所述准备图像数据集可采用复杂场景下采集的多样性较好的包含人脸的图像数据,同时提供对应的K个人脸属性标签,其中K为学习的任务数且为自然数;本发明采用的基于多任务学习的卷积神经网络结构,可以不需要每张人脸图像同时具备所有的人脸属性标签数据,因而可以充分利用现有的人脸数据库进行组合形成大规模图像数据集。In step A, the prepared image data set can adopt the image data containing human faces with good diversity collected in complex scenes, and provide corresponding K human face attribute labels, where K is the number of tasks to be learned and is a natural number The convolutional neural network structure based on multi-task learning that the present invention adopts can not require each face image to possess all face attribute label data simultaneously, thus can make full use of existing face databases to combine to form large-scale images data set.
在步骤B中,所述对图像数据集中的每幅图像逐一进行人脸检测可采用常用的人脸检测方法,以得到人脸在每幅图像中的位置,所述常用的人脸检测方法可采用OpenCV自带的人脸检测方法。In step B, the face detection method for each image in the image data set can be used to obtain the position of the face in each image, and the commonly used face detection method can be Use the face detection method that comes with OpenCV.
在步骤C中,所述人脸关键点检测可采用常用的人脸关键点检测方法,以得到人脸关键点在每幅图像中的位置,所述常用的人脸关键点检测方法可采用Dlib自带的人脸关键点检测方法。In step C, the human face key point detection method can adopt the commonly used human face key point detection method to obtain the position of the human face key point in each image, and the commonly used human face key point detection method can use Dlib Built-in face key point detection method.
在步骤D中,所述人脸对齐方法为基于二维图像的仿射变换,具体包括以下步骤:In step D, the face alignment method is an affine transformation based on two-dimensional images, which specifically includes the following steps:
D1.根据人脸关键点和标准的人脸关键点的匹配关系,利用最小二乘法进行拟合得到一个最佳的变换矩阵。假设标准人脸关键点的d个坐标为其中为第i个标准人脸关键点坐标;d为人脸关键点数目且d为自然数;而检测到的人脸关键点坐标为{(x1;y1),(x2;y2),...,(xd;yd)},其中(xi,yi)为检测到的人脸的第i个人脸关键点坐标,并将其扩展为src={(x1;y1;1),(x2;y2;1),...,(xd;yd;1)},通过最小二乘法进行优化。具体计算公式如下:D1. According to the matching relationship between face key points and standard face key points, use the least squares method to fit to obtain an optimal transformation matrix. Suppose the d coordinates of standard face key points are in is the i-th standard face key point coordinates; d is the number of face key points and d is a natural number; and the detected face key point coordinates are {(x1 ; y1 ),(x2 ; y2 ),. ..,(xd ; yd )}, where (xi , yi ) is the i-th face key point coordinates of the detected face, and it is extended to src={(x1 ; y1 ; 1), (x2 ; y2 ; 1), . . . , (xd ; yd ; 1)}, optimized by the method of least squares. The specific calculation formula is as follows:
其中表示仿射变换矩阵;A0为最佳的变换矩阵;in Indicates the affine transformation matrix; A0 is the best transformation matrix;
D2.利用优化得到的变换矩阵A0将所有人脸图像进行对齐到标准的人脸图像上,并剪切成大小统一的图像。D2. Use the optimized transformation matrix A0 to align all the face images to the standard face images, and cut them into images of uniform size.
在步骤E中,所述对人脸图像训练集,计算出训练集中的平均人脸图像的具体方法可为:In step E, described to face image training set, the concrete method that calculates the average face image in training set can be:
E1.均值图像为人脸图像训练集每个通道(包含了RGB共3个通道)计算得到的算术均值图像M,其中每个通道和M的计算方式如下:E1. The mean image is the arithmetic mean image M calculated for each channel of the face image training set (including a total of 3 channels of RGB), wherein the calculation method of each channel and M is as follows:
其中,和分别为第n幅人脸图像的R通道,G通道和B通道;N为人脸图像训练集的总图像数,N为自然数。MR,MG和MB分别为R通道,G通道和B通道的算术均值图像;in, and are the R channel, G channel and B channel of the nth face image respectively; N is the total number of images in the face image training set, and N is a natural number. MR , MG and MB are the arithmetic mean images of R channel, G channel and B channel respectively;
E2.把RGB三个通道得到的算术均值图像组成平均人脸图像,计算公式为:E2. The arithmetic mean image obtained by the three channels of RGB is used to form an average face image, and the calculation formula is:
M=[MR,MG,MB];M = [MR , MG , MB ];
E3.将人脸图像训练集按照9︰1的比例进行划分,分为训练数据和验证数据。E3. Divide the face image training set according to the ratio of 9:1, and divide it into training data and verification data.
在步骤F中,所述构建多任务深度卷积神经网络的具体方法可为:In step F, the concrete method of described construction multi-task depth convolutional neural network can be:
F1.将训练数据随机打乱,设置每批大小为m个样本,进行数据划分,其中m为自然数。在训练深度卷积神经网络模型的过程中,利用批量梯度更新方法进行学习神经网络的权重参数;F1. Randomly shuffle the training data, set the size of each batch to m samples, and divide the data, where m is a natural number. In the process of training the deep convolutional neural network model, the weight parameters of the neural network are learned by using the batch gradient update method;
F2.设计卷积神经网络的结构,其包含卷积层、下采样层和全连接层。每个卷积层和全连接层采用非线性矫正激活函数;在多任务深度学习的人脸属性识别中,整体网络结构分为共享层和独有层两个部分,共享层为所有的任务所共享,多个任务共同参与共享层参数的训练。独有层则是每个任务单独占用,并用每个任务单独的数据进行参数学习,假设共享层的个数为S,其中S为自然数;独有层的个数为U,其中U为自然数;根据不同的多任务组合,设置不同的S和U的个数;F2. Design the structure of the convolutional neural network, which includes a convolutional layer, a downsampling layer, and a fully connected layer. Each convolutional layer and fully connected layer uses a non-linear correction activation function; in the face attribute recognition of multi-task deep learning, the overall network structure is divided into two parts: the shared layer and the unique layer, and the shared layer is used by all tasks. Sharing, multiple tasks participate in the training of shared layer parameters. The unique layer is occupied by each task separately, and uses the separate data of each task for parameter learning, assuming that the number of shared layers is S, where S is a natural number; the number of unique layers is U, where U is a natural number; According to different multi-task combinations, set different numbers of S and U;
F3.设置卷积神经网络结构中所需要的卷积层滤波器数目和特征图数目、滤波器大小、下采样层中核的大小、每一层的学习率、权重初始值等超参数;F3. Set the hyperparameters such as the number of convolutional layer filters and the number of feature maps required in the convolutional neural network structure, filter size, kernel size in the downsampling layer, learning rate of each layer, and weight initial value;
F4.在卷积神经网络训练的过程中,采用冲量和丢弃等训练技巧,用于加速卷积神经网络的训练;F4. In the process of convolutional neural network training, training techniques such as impulse and discarding are used to accelerate the training of convolutional neural network;
F5.对于训练好的网络模型参数,根据其在验证数据上的性能,判断是否停止训练;F5. For the trained network model parameters, judge whether to stop training according to its performance on the verification data;
F6.提取出训练好的网络模型参数W。F6. Extract the trained network model parameter W.
本发明利用深度卷积神经网络将人脸图像的特征提取和属性识别同时进行学习,可以使得学习到的特征更有利于分类器的识别,而无需分别进行特征提取和分类器训练。对于K个任务的多任务人脸属性识别,无需所有的训练数据同时具备K个标签属性,只需要具备一个或者多个属性的人脸数据都可以用来训练网络参数,并且各个不同的属性任务都可以因此而获益。The present invention uses a deep convolutional neural network to simultaneously learn the feature extraction and attribute recognition of the face image, which can make the learned features more conducive to the recognition of the classifier without separately performing feature extraction and classifier training. For multi-task face attribute recognition of K tasks, it is not necessary for all training data to have K label attributes at the same time, only face data with one or more attributes can be used to train network parameters, and each different attribute task All can benefit from this.
不同于传统的深度卷积神经网络只有单一的标签和单一的网络输出,基于多任务深度学习的卷积神经网络具有多个输出。网络训练的目标函数为多个Softmax损失函数和L2损失函数的组合。假设有K个任务需要共同学习。那么对于第i个分类任务的人脸属性识别,其损失函数定义如下:Different from the traditional deep convolutional neural network with only a single label and a single network output, the convolutional neural network based on multi-task deep learning has multiple outputs. The objective function of network training is a combination of multiple Softmax loss functions and L2 loss functions. Suppose there are K tasks that need to be learned together. Then for the face attribute recognition of the i-th classification task, the loss function is defined as follows:
其中表示Softmax损失函数对每一个属性类计算出的概率值;表示全连接分类输出在该目标类别中的值;Ci表示第i个任务的类别数目,i为自然数。in Indicates the probability value calculated by the Softmax loss function for each attribute class; Indicates the value of the fully connected classification output in the target category; Ci indicates the category number of the i-th task, and i is a natural number.
对于第j个回归任务的人脸属性识别,其损失函数定义如下:For the face attribute recognition of the jth regression task, its loss function is defined as follows:
其中yn为真实的标签值,为回归器的预测值。where yn is the real label value, is the predicted value of the regressor.
在网络训练中,所有任务的代价损失函数进行组合,并形成总优化目标函数为:In network training, the cost loss functions of all tasks are combined to form the total optimization objective function as:
其中αk表示第k个任务的损失函数占总的损失函数的权重。默认情况下αk的值都为1,表示各个任务同等重要。Where αk represents the weight of the loss function of the kth task in the total loss function. By default, the value of αk is 1, indicating that each task is equally important.
与现有的技术相比,本发明具有减少训练网络模型参数所需数据量要求,降低了过拟合训练数据的风险,减少了平摊在单个任务中的识别时间,同时有效提高人脸属性识别准确率的优点。Compared with the existing technology, the present invention has the requirement of reducing the amount of data required for training network model parameters, reducing the risk of over-fitting training data, reducing the recognition time shared in a single task, and effectively improving face attributes The advantage of recognition accuracy.
附图说明Description of drawings
图1为女性人脸微笑、性别、吸引力三个属性示意图。Figure 1 is a schematic diagram of the three attributes of female faces: smile, gender, and attractiveness.
图2为男性人脸微笑、性别、吸引力三个属性示意图。Figure 2 is a schematic diagram of three attributes of a male face: smile, gender, and attractiveness.
具体实施方式detailed description
下面结合附图和实施例对本发明的方法作详细说明。The method of the present invention will be described in detail below in conjunction with the accompanying drawings and embodiments.
本发明包括以下步骤:The present invention comprises the following steps:
S1.准备图像数据集,其包含大量的人脸以及对应的人脸属性标签。本实例采用的人脸属性数据库为CelebrayA数据库中的图像数据集,其包含了超过20多万张人脸图像以及40个人脸属性。采用其中的三个代表性的人脸属性任务(K=3):人脸性别属性、人脸微笑属性以及人脸吸引力属性进行说明。三个属性的示意图如图1和2所示,标签分别设置为y1,y2,y3。S1. Prepare an image data set, which contains a large number of faces and corresponding face attribute labels. The face attribute database used in this example is the image dataset in the CelebrayA database, which contains more than 200,000 face images and 40 face attributes. Three representative face attribute tasks (K=3): face gender attribute, face smile attribute and face attractiveness attribute are used for illustration. The schematic diagrams of the three attributes are shown in Figures 1 and 2, and the labels are set to y1 , y2 , and y3 respectively.
S2.对图像数据集中的每幅图像逐一进行人脸检测,获取人脸在每幅图像中的位置。本步骤可采用现有的任意一种人脸检测方法进行人脸检测。本实例采用OpenCV自带的人脸检测方法,其具有能够快速检测人脸的优点。S2. Perform face detection on each image in the image data set one by one, and obtain the position of the face in each image. In this step, any existing face detection method may be used for face detection. This example uses the face detection method that comes with OpenCV, which has the advantage of being able to detect faces quickly.
S3.对所有检测到的人脸进行人脸关键点检测,获取人脸关键点在每幅图像中的位置。本步骤可采用现有的任意一种人脸关键点检测方法进行检测。本实施例中采用Dlib自带的人脸关键点检测方法,可以得到68个人脸关键点。S3. Perform face key point detection on all detected faces, and obtain the position of the face key points in each image. In this step, any existing face key point detection method can be used for detection. In this embodiment, the face key point detection method provided by Dlib can be used to obtain 68 face key points.
S4.对检测到的人脸关键点将每幅人脸根据人脸对齐方法,对齐到标准的人脸图像上,构成人脸图像训练集,具体包括:S4. For the detected face key points, each face is aligned to a standard face image according to the face alignment method to form a face image training set, which specifically includes:
(1)根据人脸关键点和标准的人脸关键点的匹配关系,利用最小二乘法进行拟合得到一个最佳的变换矩阵。假设标准人脸关键点的68个坐标为其中为第i个标准人脸关键点坐标;d为人脸关键点数目且d为自然数;而检测到的人脸关键点坐标为{(x1;y1),(x2;y2),...,(x68;y68)},其中(xi,yi)为检测到的人脸的第i个人脸关键点坐标,并将其扩展为src={(x1;y1;1),(x2;y2;1),...,(x68;y68;1)},通过最小二乘法进行优化。具体计算公式如下所示,(1) According to the matching relationship between the key points of the face and the standard key points of the face, the least square method is used for fitting to obtain an optimal transformation matrix. Suppose the 68 coordinates of standard face key points are in is the i-th standard face key point coordinates; d is the number of face key points and d is a natural number; and the detected face key point coordinates are {(x1 ; y1 ),(x2 ; y2 ),. .., (x68 ; y68 )}, where (xi , yi ) is the i-th face key point coordinates of the detected face, and it is expanded to src={(x1 ; y1 ; 1), (x2 ; y2 ; 1), . . . , (x68 ; y68 ; 1)}, optimized by the method of least squares. The specific calculation formula is as follows,
其中表示仿射变换矩阵;A0为最佳的变换矩阵。in Indicates the affine transformation matrix; A0 is the best transformation matrix.
(2)利用优化得到的变换矩阵A0将所有人脸图像进行对齐到标准的人脸图像上,并剪切成大小统一为128×128的图像。(2) Use the optimized transformation matrix A0 to align all face images to the standard face image, and cut them into images with a uniform size of 128×128.
S5.对人脸图像训练集,计算出训练集中的平均人脸图像,具体包括:S5. To the face image training set, calculate the average face image in the training set, specifically including:
(1)均值图像为人脸图像训练集每个通道(包含了RGB共3个通道)计算得到的算术均值图像M,其中每个通道和M的计算方式如下所示,(1) The mean image is the arithmetic mean image M calculated for each channel of the face image training set (including 3 channels of RGB), and the calculation method of each channel and M is as follows,
其中和分别为第n幅人脸图像的R通道,G通道和B通道;N为人脸图像训练集的总图像数,N为自然数。MR,MG和MB分别为R通道,G通道和B通道的算术均值图像。in and are the R channel, G channel and B channel of the nth face image respectively; N is the total number of images in the face image training set, and N is a natural number. MR , MG and MB are the arithmetic mean images of R channel, G channel and B channel respectively.
(2)把RGB三个通道得到的算术均值图像组成平均人脸图像,计算公式为M=[MR,MG,MB]。(2) Compose the arithmetic mean image obtained by the three channels of RGB into an average face image, and the calculation formula is M=[MR , MG , MB ].
(3)将人脸图像训练集按照9:1的比例进行划分,分为训练数据和验证数据。(3) The face image training set is divided into training data and verification data according to the ratio of 9:1.
S6.构建多任务深度卷积神经网络,把人脸图像训练集中每幅人脸图像减去平均人脸图像后进行网络参数的训练,得到卷积神经网络模型,具体包括:S6. Build a multi-task deep convolutional neural network, subtract the average face image from each face image in the face image training set, and perform network parameter training to obtain a convolutional neural network model, specifically including:
(1)将训练数据随机打乱,设置每批大小为m=128个样本,进行数据划分。在训练深度卷积神经网络模型的过程中,利用批量梯度更新方法进行学习神经网络的权重参数。(1) Shuffle the training data randomly, set the size of each batch as m=128 samples, and divide the data. In the process of training the deep convolutional neural network model, the weight parameters of the neural network are learned by using the batch gradient update method.
(2)设计卷积神经网络的结构,其包含卷积层、下采样层和全连接层。每个卷积层和全连接层采用非线性矫正激活函数。在多任务深度学习的人脸属性识别中,整体网络结构分为共享层和独有层两个部分。共享层为所有的任务所共享,多个任务共同参与共享层参数的训练。独有层则是每个任务单独占用,并用每个任务单独的数据进行参数学习。假设共享层的个数为S=10;独有层的个数为U=2。所采用的损失函数均为Softmax函数,αk均设置为1。(2) Design the structure of convolutional neural network, which includes convolutional layer, downsampling layer and fully connected layer. Each convolutional layer and fully connected layer uses a nonlinear rectified activation function. In the face attribute recognition of multi-task deep learning, the overall network structure is divided into two parts: shared layer and unique layer. The shared layer is shared by all tasks, and multiple tasks participate in the training of shared layer parameters. The exclusive layer is occupied by each task separately, and uses the separate data of each task for parameter learning. Assume that the number of shared layers is S=10; the number of unique layers is U=2. The loss functions used are all Softmax functions, and αk is set to 1.
(3)设置卷积神经网络结构中所需要的卷积层滤波器数目和特征图数目、滤波器大小、下采样层中核的大小、每一层的学习率、权重初始值等超参数,深度卷积神经网络的网络结构如表1所示。(3) Set the number of convolutional layer filters and the number of feature maps required in the convolutional neural network structure, the size of the filter, the size of the kernel in the downsampling layer, the learning rate of each layer, the initial value of the weight and other hyperparameters, depth The network structure of the convolutional neural network is shown in Table 1.
表1Table 1
(4)在卷积神经网络训练的过程中,采用冲量和丢弃等训练技巧,用于加速卷积神经网络的训练。(4) In the process of convolutional neural network training, training techniques such as impulse and discarding are used to accelerate the training of convolutional neural network.
(5)对于训练好的网络模型参数,根据其在验证数据上的性能,判断是否停止训练。(5) For the trained network model parameters, judge whether to stop the training according to its performance on the verification data.
(6)提取出训练好的网络模型参数W。(6) Extract the trained network model parameter W.
S7.对于任意给定的一张待人脸属性识别的图像,使用步骤S1~S4中一样的数据预处理方法,将待测试图像变为一个128×128大小的彩色图像,并减去训练数据中的均值图像,输入到训练好的深度卷积神经网络中,最终获得3个不同的人脸属性的识别结果。S7. For any given image to be recognized by face attributes, use the same data preprocessing method in steps S1 to S4 to change the image to be tested into a 128×128 color image, and subtract the training data The mean image is input into the trained deep convolutional neural network, and finally the recognition results of 3 different face attributes are obtained.
S8.将CelebrayA测试数据的每个人脸图像,进行步骤S7操作,进行属性识别精度和预测时间比较。单任务网络和多任务网络在人脸CelebrayA测试数据上的精度及其时间对比结果如表2所示,从表中可以看出在相同网络结构下,多任务深度学习属性识别方法可以提高属性识别的准确度,同时,利用多任务属性识别可以大大减少每个任务的平均预测时间。S8. Perform the operation of step S7 on each face image of the CelebrayA test data to compare attribute recognition accuracy and prediction time. The accuracy and time comparison results of the single-task network and multi-task network on the face CelebrayA test data are shown in Table 2. From the table, it can be seen that under the same network structure, the multi-task deep learning attribute recognition method can improve attribute recognition. accuracy, meanwhile, utilizing multi-task attribute recognition can greatly reduce the average prediction time per task.
表2Table 2
本发明针对于不同的人脸属性识别任务,可以共同的学习共享的网络权重,且独立训练独有的网络权重,大大缩小了整体的训练数据的要求。本发明有效地提高了人脸属性识别的性能。The present invention can jointly learn shared network weights for different human face attribute recognition tasks, and independently train unique network weights, greatly reducing the overall training data requirements. The invention effectively improves the performance of human face attribute recognition.
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN201610591877.1ACN106203395B (en) | 2016-07-26 | 2016-07-26 | Face attribute recognition method based on multitask deep learning |
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN201610591877.1ACN106203395B (en) | 2016-07-26 | 2016-07-26 | Face attribute recognition method based on multitask deep learning |
| Publication Number | Publication Date |
|---|---|
| CN106203395Atrue CN106203395A (en) | 2016-12-07 |
| CN106203395B CN106203395B (en) | 2020-01-14 |
| Application Number | Title | Priority Date | Filing Date |
|---|---|---|---|
| CN201610591877.1AActiveCN106203395B (en) | 2016-07-26 | 2016-07-26 | Face attribute recognition method based on multitask deep learning |
| Country | Link |
|---|---|
| CN (1) | CN106203395B (en) |
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN106650653A (en)* | 2016-12-14 | 2017-05-10 | 广东顺德中山大学卡内基梅隆大学国际联合研究院 | Method for building deep learning based face recognition and age synthesis joint model |
| CN106815566A (en)* | 2016-12-29 | 2017-06-09 | 天津中科智能识别产业技术研究院有限公司 | A kind of face retrieval method based on multitask convolutional neural networks |
| CN106874840A (en)* | 2016-12-30 | 2017-06-20 | 东软集团股份有限公司 | Vehicle information identification method and device |
| CN107066941A (en)* | 2017-03-01 | 2017-08-18 | 桂林电子科技大学 | A kind of face identification method and system |
| CN107145857A (en)* | 2017-04-29 | 2017-09-08 | 深圳市深网视界科技有限公司 | Face character recognition methods, device and method for establishing model |
| CN107301381A (en)* | 2017-06-01 | 2017-10-27 | 西安电子科技大学昆山创新研究院 | Recognition Method of Radar Emitters based on deep learning and multi-task learning strategy |
| CN107437081A (en)* | 2017-08-07 | 2017-12-05 | 北京中星微电子有限公司 | Face identification method, device and storage medium based on depth volume neutral net |
| CN107545263A (en)* | 2017-08-02 | 2018-01-05 | 清华大学 | A kind of object detecting method and device |
| CN107704813A (en)* | 2017-09-19 | 2018-02-16 | 北京飞搜科技有限公司 | A kind of face vivo identification method and system |
| CN107766850A (en)* | 2017-11-30 | 2018-03-06 | 电子科技大学 | Based on the face identification method for combining face character information |
| CN107832667A (en)* | 2017-10-11 | 2018-03-23 | 哈尔滨理工大学 | A kind of face identification method based on deep learning |
| CN107844782A (en)* | 2017-11-29 | 2018-03-27 | 济南浪潮高新科技投资发展有限公司 | A kind of face identification method based on the serial depth network of multitask |
| CN107895160A (en)* | 2017-12-21 | 2018-04-10 | 曙光信息产业(北京)有限公司 | Human face detection and tracing device and method |
| CN107944416A (en)* | 2017-12-06 | 2018-04-20 | 成都睿码科技有限责任公司 | A kind of method that true man's verification is carried out by video |
| CN107977456A (en)* | 2017-12-15 | 2018-05-01 | 清华大学 | A kind of multi-source big data analysis method based on multitask depth network |
| CN108363948A (en)* | 2017-12-29 | 2018-08-03 | 武汉烽火众智数字技术有限责任公司 | A kind of face information structural method for video investigation |
| CN108428238A (en)* | 2018-03-02 | 2018-08-21 | 南开大学 | A kind of detection method general based on the polymorphic type task of depth network |
| CN108510061A (en)* | 2018-03-19 | 2018-09-07 | 华南理工大学 | The method that more positive faces of monitor video human face segmentation of confrontation network are generated based on condition |
| CN108596094A (en)* | 2018-04-24 | 2018-09-28 | 杭州数为科技有限公司 | Personage's style detecting system, method, terminal and medium |
| CN108596011A (en)* | 2017-12-29 | 2018-09-28 | 中国电子科技集团公司信息科学研究院 | A kind of face character recognition methods and device based on combined depth network |
| CN108764207A (en)* | 2018-06-07 | 2018-11-06 | 厦门大学 | A kind of facial expression recognizing method based on multitask convolutional neural networks |
| CN108960167A (en)* | 2018-07-11 | 2018-12-07 | 腾讯科技(深圳)有限公司 | Hair style recognition methods, device, computer readable storage medium and computer equipment |
| CN109033921A (en)* | 2017-06-08 | 2018-12-18 | 北京君正集成电路股份有限公司 | A kind of training method and device of identification model |
| CN109190514A (en)* | 2018-08-14 | 2019-01-11 | 电子科技大学 | Face character recognition methods and system based on two-way shot and long term memory network |
| CN109214281A (en)* | 2018-07-30 | 2019-01-15 | 苏州神指微电子有限公司 | A kind of CNN hardware accelerator for AI chip recognition of face |
| CN109299487A (en)* | 2017-07-25 | 2019-02-01 | 展讯通信(上海)有限公司 | Neural network model, accelerator, modeling method and device, medium and system |
| CN109325398A (en)* | 2018-06-30 | 2019-02-12 | 东南大学 | A face attribute analysis method based on transfer learning |
| CN109359688A (en)* | 2018-10-19 | 2019-02-19 | 厦门理工学院 | A Design Method of Optimal Out-of-Class Origin Output Compromise Filter |
| CN109359499A (en)* | 2017-07-26 | 2019-02-19 | 虹软科技股份有限公司 | A method and apparatus for face classification |
| CN109426262A (en)* | 2017-08-25 | 2019-03-05 | 福特全球技术公司 | Shared processing to deep neural network |
| CN109447259A (en)* | 2018-09-21 | 2019-03-08 | 北京字节跳动网络技术有限公司 | Multitasking and multitasking model training method, device and hardware device |
| CN109558837A (en)* | 2018-11-28 | 2019-04-02 | 北京达佳互联信息技术有限公司 | Face critical point detection method, apparatus and storage medium |
| CN109711252A (en)* | 2018-11-16 | 2019-05-03 | 天津大学 | A multi-ethnic face recognition method |
| CN109727071A (en)* | 2018-12-28 | 2019-05-07 | 中国科学院半导体研究所 | Advertising recommendation method and system |
| WO2019105285A1 (en)* | 2017-11-28 | 2019-06-06 | 腾讯科技(深圳)有限公司 | Facial attribute recognition method, electronic device, and storage medium |
| CN110046554A (en)* | 2019-03-26 | 2019-07-23 | 青岛小鸟看看科技有限公司 | A kind of face alignment method and camera |
| CN110069994A (en)* | 2019-03-18 | 2019-07-30 | 中国科学院自动化研究所 | Face character identifying system, method based on face multizone |
| CN110163269A (en)* | 2019-05-09 | 2019-08-23 | 北京迈格威科技有限公司 | Model generating method, device and computer equipment based on deep learning |
| CN110163151A (en)* | 2019-05-23 | 2019-08-23 | 北京迈格威科技有限公司 | Training method, device, computer equipment and the storage medium of faceform |
| CN110263603A (en)* | 2018-05-14 | 2019-09-20 | 桂林远望智能通信科技有限公司 | Face identification method and device based on center loss and residual error visual simulation network |
| CN110263768A (en)* | 2019-07-19 | 2019-09-20 | 深圳市科葩信息技术有限公司 | A kind of face identification method based on depth residual error network |
| CN110414489A (en)* | 2019-08-21 | 2019-11-05 | 五邑大学 | A face beauty prediction method based on multi-task learning |
| CN110443189A (en)* | 2019-07-31 | 2019-11-12 | 厦门大学 | Face character recognition methods based on multitask multi-tag study convolutional neural networks |
| CN110489951A (en)* | 2019-07-08 | 2019-11-22 | 招联消费金融有限公司 | Method, apparatus, computer equipment and the storage medium of risk identification |
| CN110633669A (en)* | 2019-09-12 | 2019-12-31 | 华北电力大学(保定) | Mobile Face Attribute Recognition Method Based on Deep Learning in Home Environment |
| WO2020015734A1 (en)* | 2018-07-20 | 2020-01-23 | 杭州海康威视数字技术股份有限公司 | Parameter updating method and apparatus |
| WO2020063744A1 (en)* | 2018-09-30 | 2020-04-02 | 腾讯科技(深圳)有限公司 | Face detection method and device, service processing method, terminal device, and storage medium |
| WO2020134858A1 (en)* | 2018-12-29 | 2020-07-02 | 北京市商汤科技开发有限公司 | Facial attribute recognition method and apparatus, electronic device, and storage medium |
| CN111507263A (en)* | 2020-04-17 | 2020-08-07 | 电子科技大学 | A face multi-attribute recognition method based on multi-source data |
| CN111598000A (en)* | 2020-05-18 | 2020-08-28 | 中移(杭州)信息技术有限公司 | Multitask-based face recognition method, device, server and readable storage medium |
| CN111626115A (en)* | 2020-04-20 | 2020-09-04 | 北京市西城区培智中心学校 | Face attribute identification method and device |
| CN111753770A (en)* | 2020-06-29 | 2020-10-09 | 北京百度网讯科技有限公司 | Person attribute identification method, device, electronic device and storage medium |
| CN112149556A (en)* | 2020-09-22 | 2020-12-29 | 南京航空航天大学 | Face attribute recognition method based on deep mutual learning and knowledge transfer |
| CN112200008A (en)* | 2020-09-15 | 2021-01-08 | 青岛邃智信息科技有限公司 | Face attribute recognition method in community monitoring scene |
| CN112287765A (en)* | 2020-09-30 | 2021-01-29 | 新大陆数字技术股份有限公司 | Face living body detection method, device and equipment and readable storage medium |
| CN112488003A (en)* | 2020-12-03 | 2021-03-12 | 深圳市捷顺科技实业股份有限公司 | Face detection method, model creation method, device, equipment and medium |
| CN112488742A (en)* | 2019-09-12 | 2021-03-12 | 北京三星通信技术研究有限公司 | User attribute information prediction method and device, electronic equipment and storage medium |
| CN112507978A (en)* | 2021-01-29 | 2021-03-16 | 长沙海信智能系统研究院有限公司 | Person attribute identification method, device, equipment and medium |
| CN112801138A (en)* | 2021-01-05 | 2021-05-14 | 北京交通大学 | Multi-person attitude estimation method based on human body topological structure alignment |
| CN112825119A (en)* | 2019-11-20 | 2021-05-21 | 北京眼神智能科技有限公司 | Face attribute judgment method and device, computer readable storage medium and equipment |
| CN112949382A (en)* | 2021-01-22 | 2021-06-11 | 深圳市商汤科技有限公司 | Camera movement detection method and device, and electronic device |
| CN113239727A (en)* | 2021-04-03 | 2021-08-10 | 国家计算机网络与信息安全管理中心 | Person detection and identification method |
| CN113743243A (en)* | 2021-08-13 | 2021-12-03 | 厦门大学 | A face beautification method based on deep learning |
| CN113887494A (en)* | 2021-10-21 | 2022-01-04 | 上海大学 | Real-time high-precision face detection and recognition system for embedded platform |
| CN114170650A (en)* | 2021-11-12 | 2022-03-11 | 深圳数联天下智能科技有限公司 | Training method of double chin detection model, double chin detection method and related device |
| WO2022061726A1 (en)* | 2020-09-25 | 2022-03-31 | Intel Corporation | Method and system of multiple facial attributes recognition using highly efficient neural networks |
| CN114359990A (en)* | 2020-09-30 | 2022-04-15 | 阿里巴巴集团控股有限公司 | Model training method and device, electronic equipment and storage medium |
| WO2022116163A1 (en)* | 2020-12-04 | 2022-06-09 | 深圳市优必选科技股份有限公司 | Portrait segmentation method, robot, and storage medium |
| WO2023060936A1 (en)* | 2021-10-14 | 2023-04-20 | 环球数科集团有限公司 | Deep learning-based face attribute recognition system |
| CN117079337A (en)* | 2023-10-17 | 2023-11-17 | 成都信息工程大学 | High-precision face attribute feature recognition device and method |
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN112559007B (en)* | 2020-12-14 | 2022-09-23 | 北京百度网讯科技有限公司 | Parameter update method, device and electronic device for multi-task model |
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| US6038337A (en)* | 1996-03-29 | 2000-03-14 | Nec Research Institute, Inc. | Method and apparatus for object recognition |
| CN101950415A (en)* | 2010-09-14 | 2011-01-19 | 武汉大学 | Shape semantic model constraint-based face super-resolution processing method |
| CN104636755A (en)* | 2015-01-31 | 2015-05-20 | 华南理工大学 | Face beauty evaluation method based on deep learning |
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| US6038337A (en)* | 1996-03-29 | 2000-03-14 | Nec Research Institute, Inc. | Method and apparatus for object recognition |
| CN101950415A (en)* | 2010-09-14 | 2011-01-19 | 武汉大学 | Shape semantic model constraint-based face super-resolution processing method |
| CN104636755A (en)* | 2015-01-31 | 2015-05-20 | 华南理工大学 | Face beauty evaluation method based on deep learning |
| Title |
|---|
| 邵蔚元 等: "《多任务学习及卷积神经网络在人脸识别中的应用》", 《计算机工程与应用》* |
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN106650653B (en)* | 2016-12-14 | 2020-09-15 | 广东顺德中山大学卡内基梅隆大学国际联合研究院 | Construction method of human face recognition and age synthesis combined model based on deep learning |
| CN106650653A (en)* | 2016-12-14 | 2017-05-10 | 广东顺德中山大学卡内基梅隆大学国际联合研究院 | Method for building deep learning based face recognition and age synthesis joint model |
| CN106815566A (en)* | 2016-12-29 | 2017-06-09 | 天津中科智能识别产业技术研究院有限公司 | A kind of face retrieval method based on multitask convolutional neural networks |
| CN106815566B (en)* | 2016-12-29 | 2021-04-16 | 天津中科智能识别产业技术研究院有限公司 | Face retrieval method based on multitask convolutional neural network |
| CN106874840A (en)* | 2016-12-30 | 2017-06-20 | 东软集团股份有限公司 | Vehicle information identification method and device |
| CN107066941A (en)* | 2017-03-01 | 2017-08-18 | 桂林电子科技大学 | A kind of face identification method and system |
| CN107145857B (en)* | 2017-04-29 | 2021-05-04 | 深圳市深网视界科技有限公司 | Face attribute recognition method and device and model establishment method |
| CN107145857A (en)* | 2017-04-29 | 2017-09-08 | 深圳市深网视界科技有限公司 | Face character recognition methods, device and method for establishing model |
| CN107301381A (en)* | 2017-06-01 | 2017-10-27 | 西安电子科技大学昆山创新研究院 | Recognition Method of Radar Emitters based on deep learning and multi-task learning strategy |
| CN109033921A (en)* | 2017-06-08 | 2018-12-18 | 北京君正集成电路股份有限公司 | A kind of training method and device of identification model |
| CN109299487A (en)* | 2017-07-25 | 2019-02-01 | 展讯通信(上海)有限公司 | Neural network model, accelerator, modeling method and device, medium and system |
| CN109359499A (en)* | 2017-07-26 | 2019-02-19 | 虹软科技股份有限公司 | A method and apparatus for face classification |
| CN107545263A (en)* | 2017-08-02 | 2018-01-05 | 清华大学 | A kind of object detecting method and device |
| CN107437081A (en)* | 2017-08-07 | 2017-12-05 | 北京中星微电子有限公司 | Face identification method, device and storage medium based on depth volume neutral net |
| CN109426262A (en)* | 2017-08-25 | 2019-03-05 | 福特全球技术公司 | Shared processing to deep neural network |
| CN107704813A (en)* | 2017-09-19 | 2018-02-16 | 北京飞搜科技有限公司 | A kind of face vivo identification method and system |
| CN107704813B (en)* | 2017-09-19 | 2020-11-17 | 北京一维大成科技有限公司 | Face living body identification method and system |
| CN107832667A (en)* | 2017-10-11 | 2018-03-23 | 哈尔滨理工大学 | A kind of face identification method based on deep learning |
| WO2019105285A1 (en)* | 2017-11-28 | 2019-06-06 | 腾讯科技(深圳)有限公司 | Facial attribute recognition method, electronic device, and storage medium |
| US11151360B2 (en) | 2017-11-28 | 2021-10-19 | Tencent Technology (Shenzhen) Company Ltd | Facial attribute recognition method, electronic device, and storage medium |
| CN107844782A (en)* | 2017-11-29 | 2018-03-27 | 济南浪潮高新科技投资发展有限公司 | A kind of face identification method based on the serial depth network of multitask |
| CN107766850A (en)* | 2017-11-30 | 2018-03-06 | 电子科技大学 | Based on the face identification method for combining face character information |
| CN107766850B (en)* | 2017-11-30 | 2020-12-29 | 电子科技大学 | A face recognition method based on the combination of face attribute information |
| CN107944416A (en)* | 2017-12-06 | 2018-04-20 | 成都睿码科技有限责任公司 | A kind of method that true man's verification is carried out by video |
| CN107977456A (en)* | 2017-12-15 | 2018-05-01 | 清华大学 | A kind of multi-source big data analysis method based on multitask depth network |
| CN107977456B (en)* | 2017-12-15 | 2018-10-30 | 清华大学 | A kind of multi-source big data analysis method based on multitask depth network |
| CN107895160A (en)* | 2017-12-21 | 2018-04-10 | 曙光信息产业(北京)有限公司 | Human face detection and tracing device and method |
| CN108363948A (en)* | 2017-12-29 | 2018-08-03 | 武汉烽火众智数字技术有限责任公司 | A kind of face information structural method for video investigation |
| CN108596011A (en)* | 2017-12-29 | 2018-09-28 | 中国电子科技集团公司信息科学研究院 | A kind of face character recognition methods and device based on combined depth network |
| CN108428238B (en)* | 2018-03-02 | 2022-02-15 | 南开大学 | A general detection method for multi-type tasks based on deep network |
| CN108428238A (en)* | 2018-03-02 | 2018-08-21 | 南开大学 | A kind of detection method general based on the polymorphic type task of depth network |
| CN108510061A (en)* | 2018-03-19 | 2018-09-07 | 华南理工大学 | The method that more positive faces of monitor video human face segmentation of confrontation network are generated based on condition |
| CN108596094A (en)* | 2018-04-24 | 2018-09-28 | 杭州数为科技有限公司 | Personage's style detecting system, method, terminal and medium |
| CN110263603A (en)* | 2018-05-14 | 2019-09-20 | 桂林远望智能通信科技有限公司 | Face identification method and device based on center loss and residual error visual simulation network |
| CN110263603B (en)* | 2018-05-14 | 2021-08-06 | 桂林远望智能通信科技有限公司 | Face recognition method and device based on center loss and residual visual simulation network |
| CN108764207B (en)* | 2018-06-07 | 2021-10-19 | 厦门大学 | A facial expression recognition method based on multi-task convolutional neural network |
| CN108764207A (en)* | 2018-06-07 | 2018-11-06 | 厦门大学 | A kind of facial expression recognizing method based on multitask convolutional neural networks |
| CN109325398B (en)* | 2018-06-30 | 2020-10-09 | 东南大学 | Human face attribute analysis method based on transfer learning |
| CN109325398A (en)* | 2018-06-30 | 2019-02-12 | 东南大学 | A face attribute analysis method based on transfer learning |
| CN108960167B (en)* | 2018-07-11 | 2023-08-18 | 腾讯科技(深圳)有限公司 | Hairstyle identification method, device, computer readable storage medium and computer equipment |
| CN108960167A (en)* | 2018-07-11 | 2018-12-07 | 腾讯科技(深圳)有限公司 | Hair style recognition methods, device, computer readable storage medium and computer equipment |
| WO2020015734A1 (en)* | 2018-07-20 | 2020-01-23 | 杭州海康威视数字技术股份有限公司 | Parameter updating method and apparatus |
| CN109214281A (en)* | 2018-07-30 | 2019-01-15 | 苏州神指微电子有限公司 | A kind of CNN hardware accelerator for AI chip recognition of face |
| CN109190514B (en)* | 2018-08-14 | 2021-10-01 | 电子科技大学 | Face attribute recognition method and system based on bidirectional long short-term memory network |
| CN109190514A (en)* | 2018-08-14 | 2019-01-11 | 电子科技大学 | Face character recognition methods and system based on two-way shot and long term memory network |
| CN109447259A (en)* | 2018-09-21 | 2019-03-08 | 北京字节跳动网络技术有限公司 | Multitasking and multitasking model training method, device and hardware device |
| US11256905B2 (en) | 2018-09-30 | 2022-02-22 | Tencent Technology (Shenzhen) Company Limited | Face detection method and apparatus, service processing method, terminal device, and storage medium |
| WO2020063744A1 (en)* | 2018-09-30 | 2020-04-02 | 腾讯科技(深圳)有限公司 | Face detection method and device, service processing method, terminal device, and storage medium |
| CN109359688A (en)* | 2018-10-19 | 2019-02-19 | 厦门理工学院 | A Design Method of Optimal Out-of-Class Origin Output Compromise Filter |
| CN109711252A (en)* | 2018-11-16 | 2019-05-03 | 天津大学 | A multi-ethnic face recognition method |
| CN109558837B (en)* | 2018-11-28 | 2024-03-22 | 北京达佳互联信息技术有限公司 | Face key point detection method, device and storage medium |
| CN109558837A (en)* | 2018-11-28 | 2019-04-02 | 北京达佳互联信息技术有限公司 | Face critical point detection method, apparatus and storage medium |
| CN109727071A (en)* | 2018-12-28 | 2019-05-07 | 中国科学院半导体研究所 | Advertising recommendation method and system |
| WO2020134858A1 (en)* | 2018-12-29 | 2020-07-02 | 北京市商汤科技开发有限公司 | Facial attribute recognition method and apparatus, electronic device, and storage medium |
| CN110069994B (en)* | 2019-03-18 | 2021-03-23 | 中国科学院自动化研究所 | Face attribute recognition system and method based on face multi-region |
| CN110069994A (en)* | 2019-03-18 | 2019-07-30 | 中国科学院自动化研究所 | Face character identifying system, method based on face multizone |
| CN110046554B (en)* | 2019-03-26 | 2022-07-12 | 青岛小鸟看看科技有限公司 | Face alignment method and camera |
| CN110046554A (en)* | 2019-03-26 | 2019-07-23 | 青岛小鸟看看科技有限公司 | A kind of face alignment method and camera |
| CN110163269A (en)* | 2019-05-09 | 2019-08-23 | 北京迈格威科技有限公司 | Model generating method, device and computer equipment based on deep learning |
| CN110163151B (en)* | 2019-05-23 | 2022-07-12 | 北京迈格威科技有限公司 | Training method and device of face model, computer equipment and storage medium |
| CN110163151A (en)* | 2019-05-23 | 2019-08-23 | 北京迈格威科技有限公司 | Training method, device, computer equipment and the storage medium of faceform |
| CN110489951B (en)* | 2019-07-08 | 2021-06-11 | 招联消费金融有限公司 | Risk identification method and device, computer equipment and storage medium |
| CN110489951A (en)* | 2019-07-08 | 2019-11-22 | 招联消费金融有限公司 | Method, apparatus, computer equipment and the storage medium of risk identification |
| CN110263768A (en)* | 2019-07-19 | 2019-09-20 | 深圳市科葩信息技术有限公司 | A kind of face identification method based on depth residual error network |
| CN110443189A (en)* | 2019-07-31 | 2019-11-12 | 厦门大学 | Face character recognition methods based on multitask multi-tag study convolutional neural networks |
| CN110414489A (en)* | 2019-08-21 | 2019-11-05 | 五邑大学 | A face beauty prediction method based on multi-task learning |
| CN110633669B (en)* | 2019-09-12 | 2024-03-26 | 华北电力大学(保定) | Mobile terminal face attribute identification method based on deep learning in home environment |
| CN110633669A (en)* | 2019-09-12 | 2019-12-31 | 华北电力大学(保定) | Mobile Face Attribute Recognition Method Based on Deep Learning in Home Environment |
| CN112488742A (en)* | 2019-09-12 | 2021-03-12 | 北京三星通信技术研究有限公司 | User attribute information prediction method and device, electronic equipment and storage medium |
| CN112825119A (en)* | 2019-11-20 | 2021-05-21 | 北京眼神智能科技有限公司 | Face attribute judgment method and device, computer readable storage medium and equipment |
| CN111507263B (en)* | 2020-04-17 | 2022-08-05 | 电子科技大学 | Face multi-attribute recognition method based on multi-source data |
| CN111507263A (en)* | 2020-04-17 | 2020-08-07 | 电子科技大学 | A face multi-attribute recognition method based on multi-source data |
| CN111626115A (en)* | 2020-04-20 | 2020-09-04 | 北京市西城区培智中心学校 | Face attribute identification method and device |
| CN111598000A (en)* | 2020-05-18 | 2020-08-28 | 中移(杭州)信息技术有限公司 | Multitask-based face recognition method, device, server and readable storage medium |
| CN111753770B (en)* | 2020-06-29 | 2024-07-26 | 广州市行动者科技有限责任公司 | Character attribute identification method, character attribute identification device, electronic equipment and storage medium |
| CN111753770A (en)* | 2020-06-29 | 2020-10-09 | 北京百度网讯科技有限公司 | Person attribute identification method, device, electronic device and storage medium |
| CN112200008A (en)* | 2020-09-15 | 2021-01-08 | 青岛邃智信息科技有限公司 | Face attribute recognition method in community monitoring scene |
| CN112149556A (en)* | 2020-09-22 | 2020-12-29 | 南京航空航天大学 | Face attribute recognition method based on deep mutual learning and knowledge transfer |
| CN112149556B (en)* | 2020-09-22 | 2024-05-03 | 南京航空航天大学 | Face attribute identification method based on deep mutual learning and knowledge transfer |
| WO2022061726A1 (en)* | 2020-09-25 | 2022-03-31 | Intel Corporation | Method and system of multiple facial attributes recognition using highly efficient neural networks |
| CN112287765B (en)* | 2020-09-30 | 2024-06-04 | 新大陆数字技术股份有限公司 | Face living body detection method, device, equipment and readable storage medium |
| CN114359990A (en)* | 2020-09-30 | 2022-04-15 | 阿里巴巴集团控股有限公司 | Model training method and device, electronic equipment and storage medium |
| CN112287765A (en)* | 2020-09-30 | 2021-01-29 | 新大陆数字技术股份有限公司 | Face living body detection method, device and equipment and readable storage medium |
| CN112488003A (en)* | 2020-12-03 | 2021-03-12 | 深圳市捷顺科技实业股份有限公司 | Face detection method, model creation method, device, equipment and medium |
| WO2022116163A1 (en)* | 2020-12-04 | 2022-06-09 | 深圳市优必选科技股份有限公司 | Portrait segmentation method, robot, and storage medium |
| CN112801138A (en)* | 2021-01-05 | 2021-05-14 | 北京交通大学 | Multi-person attitude estimation method based on human body topological structure alignment |
| CN112801138B (en)* | 2021-01-05 | 2024-04-09 | 北京交通大学 | Multi-person gesture estimation method based on human body topological structure alignment |
| CN112949382A (en)* | 2021-01-22 | 2021-06-11 | 深圳市商汤科技有限公司 | Camera movement detection method and device, and electronic device |
| CN112507978A (en)* | 2021-01-29 | 2021-03-16 | 长沙海信智能系统研究院有限公司 | Person attribute identification method, device, equipment and medium |
| CN113239727A (en)* | 2021-04-03 | 2021-08-10 | 国家计算机网络与信息安全管理中心 | Person detection and identification method |
| CN113743243A (en)* | 2021-08-13 | 2021-12-03 | 厦门大学 | A face beautification method based on deep learning |
| WO2023060936A1 (en)* | 2021-10-14 | 2023-04-20 | 环球数科集团有限公司 | Deep learning-based face attribute recognition system |
| CN113887494A (en)* | 2021-10-21 | 2022-01-04 | 上海大学 | Real-time high-precision face detection and recognition system for embedded platform |
| CN114170650A (en)* | 2021-11-12 | 2022-03-11 | 深圳数联天下智能科技有限公司 | Training method of double chin detection model, double chin detection method and related device |
| CN117079337B (en)* | 2023-10-17 | 2024-02-06 | 成都信息工程大学 | A high-precision facial attribute feature recognition device and method |
| CN117079337A (en)* | 2023-10-17 | 2023-11-17 | 成都信息工程大学 | High-precision face attribute feature recognition device and method |
| Publication number | Publication date |
|---|---|
| CN106203395B (en) | 2020-01-14 |
| Publication | Publication Date | Title |
|---|---|---|
| CN106203395B (en) | Face attribute recognition method based on multitask deep learning | |
| CN112288706B (en) | An automated karyotype analysis and abnormality detection method | |
| CN106650806B (en) | A Collaborative Deep Network Model Method for Pedestrian Detection | |
| CN108985377B (en) | A high-level image semantic recognition method based on deep network multi-feature fusion | |
| CN112446388A (en) | Multi-category vegetable seedling identification method and system based on lightweight two-stage detection model | |
| CN110532900A (en) | Facial expression recognizing method based on U-Net and LS-CNN | |
| CN107133616A (en) | A kind of non-division character locating and recognition methods based on deep learning | |
| CN108615010A (en) | Facial expression recognizing method based on the fusion of parallel convolutional neural networks characteristic pattern | |
| CN107506722A (en) | One kind is based on depth sparse convolution neutral net face emotion identification method | |
| CN109165674A (en) | A kind of certificate photo classification method based on multi-tag depth convolutional network | |
| CN104517122A (en) | Image target recognition method based on optimized convolution architecture | |
| CN100418469C (en) | Computer Analysis System of Diseases and Syndromes Based on Tongue Image Features | |
| CN106326874A (en) | Method and device for recognizing iris in human eye images | |
| CN106203533A (en) | The degree of depth based on combined training study face verification method | |
| CN110516537B (en) | A face age estimation method based on self-paced learning | |
| CN101751666A (en) | Semi-supervised multi-spectral remote sensing image segmentation method based on spectral clustering | |
| CN109815967A (en) | CNN ship seakeeping system and method based on Fusion Features | |
| CN113177612B (en) | An image recognition method of agricultural pests and diseases based on CNN with few samples | |
| CN110807485B (en) | Method for fusing two-classification semantic segmentation maps into multi-classification semantic map based on high-resolution remote sensing image | |
| CN107808113A (en) | A kind of facial expression recognizing method and system based on difference depth characteristic | |
| CN109344856B (en) | Offline signature identification method based on multilayer discriminant feature learning | |
| CN109002755A (en) | Age estimation model building method and estimation method based on facial image | |
| CN109213853A (en) | A kind of Chinese community's question and answer cross-module state search method based on CCA algorithm | |
| Chen et al. | Ibm research australia at lifeclef2014: Plant identification task. | |
| CN108416397A (en) | A kind of Image emotional semantic classification method based on ResNet-GCN networks |
| Date | Code | Title | Description |
|---|---|---|---|
| C06 | Publication | ||
| PB01 | Publication | ||
| C10 | Entry into substantive examination | ||
| SE01 | Entry into force of request for substantive examination | ||
| GR01 | Patent grant | ||
| GR01 | Patent grant |