DOI QR코드

DOI QR Code

Age Estimation via Selecting Discriminated Features and Preserving Geometry

  • Tian, Qing (School of Computer and Software, Nanjing University of Information Science and Technology) ;
  • Sun, Heyang (School of Computer and Software, Nanjing University of Information Science and Technology) ;
  • Ma, Chuang (School of Computer and Software, Nanjing University of Information Science and Technology) ;
  • Cao, Meng (School of Computer and Software, Nanjing University of Information Science and Technology) ;
  • Chu, Yi (School of Computer and Software, Nanjing University of Information Science and Technology)
  • Received : 2020.01.21
  • Accepted : 2020.03.30
  • Published : 2020.04.30

Abstract

Human apparent age estimation has become a popular research topic and attracted great attention in recent years due to its wide applications, such as personal security and law enforcement. To achieve the goal of age estimation, a large number of methods have been pro-posed, where the models derived through the cumulative attribute coding achieve promised performance by preserving the neighbor-similarity of ages. However, these methods afore-mentioned ignore the geometric structure of extracted facial features. Indeed, the geometric structure of data greatly affects the accuracy of prediction. To this end, we propose an age estimation algorithm through joint feature selection and manifold learning paradigms, so-called Feature-selected and Geometry-preserved Least Square Regression (FGLSR). Based on this, our proposed method, compared with the others, not only preserves the geometry structures within facial representations, but also selects the discriminative features. Moreover, a deep learning extension based FGLSR is proposed later, namely Feature selected and Geometry preserved Neural Network (FGNN). Finally, related experiments are conducted on Morph2 and FG-Net datasets for FGLSR and on Morph2 datasets for FGNN. Experimental results testify our method achieve the best performances.

Keywords

1. Introduction

Age estimation (AE) has become a popular research topic in computer vision which typically predicts the age value for a given human facial image. It can be used in many scenes such as security surveillance [1], advertisement recommendation [2] and ancillary identity authentication [3]. The traditional AE process includes several steps, i.e. image preprocessing, feature extraction [4], feature reduction and decision making. The whole procedure is shown in Fig. 1. First, preprocessing is a necessary process which includes facial cropping, histogram equalization and fiducial points marking over eyes, nose and lips. Second, the handcrafted feature is extracted from the facial image, including Anthropometric Models [5], Active Appearance Models (AAM) [6], Local Binary Pattern (LBP) [7], Aging pattern Subspace (AGES) [8]. Third, the dimension of the extracted feature is reduced by PCA or KPCA [9] to remove the noise. At last, the reduced feature would be used for AE by a proper regressor or classifier to predict the age scalar. In this process, there are still some common problems around AE. For instances, two nearly aged human facial images seem to be similar, whose characteristic is called neighbor-similarity in AE. Thus, it is difficult to distinguish these neighbor instances in feature spaces. What's more, the fact [10] that the images at the older ages are especially rare, leading to the imbalanced categories, also influences the accuracy of predicted result. To solve those problems, a large number of methods have been proposed.

E1KOBZ_2020_v14n4_1721_f0001.png 이미지

Fig. 1. The procedure of AE

If ages are regarded as separate classes of age or age group, AE can be performed as a classification problem [11, 12, 13]. Along this line, [14] proposed a method to extract facial features and employed the k-NN [15] as the classifier to estimate the facial age. [16] used Gaussian mixture model to classify the age group. In [17], the conditional probability net-works model (CPNN) was proposed for AE by considering the distributions of all age sequences. [18] proposed a robust framework for multi-view AE based on certain distance measure. [19] proposed a method to select the most discriminative CLBP patterns to represent faces for age classification.

Moreover, based on regression, some researchers thought AE as a regression-based problem due to the continuity of human aging, and corresponding solutions were put forward [20, 21, 22, 23]. [24] proposed to regress facial age values by fitting a quadratic function. [25] proposed an AE method based on canonical correlation analysis (CCA) to fuse multiple feature in order to enhance facial AE. [26] introduced an ordinary preserving manifold analysis for AE, which approached to seek a low-dimensional subspace.

In recent years, deep learning has been widely used for AE [27, 28, 29, 30]. [27] proposed a cumulative hidden layer which is supervised by a point-wise cumulative signal based on Convolutional Neural Network (CNN) architecture network [31] to combat the instance imbalance problem. [32] proposed an End-to-End learning approach based on CNN [33], trans-forming AE into a series of binary classification sub-problems. [28] introduced a method called Deep EXpectation (DEX) of apparent age, which fine-tuned on the facial images and achieved a good performance. [34] proposed Directed Acyclic Graph Convolutional Neural Networks (DAG-CNNs) to estimate age.

To solve the problem of neighbor-similarity, so many works were proposed. [35] proposed correlation component manifold space learning (CCMSL). In this method, a common feature space was learned by capturing the correlation between heterogeneous databases, so as to achieve better performance. Moreover, Cumulative Attribute (CA) coding was proposed for AE [36]. Differing from one-hot coding, who was just trained regraded as independent class, CA coding can despite the neighbor-similarity characteristic in AE. Least Square Regression (LSR) with CA coding is as shown in Fig. 2. Based on this, [37] proposed multi-variate ridge regression (mRR) to predict human facial ages and [38] derive relations between the CA coding in certain order to construct two relation matrices and then incorporate them on human facial images. However, all methods aforementioned could not embody superficial relations and embed the extracted feature in facial images. To this end, we propose a method to solve AE problem which combines the joint feature selection and manifold learning, so called Feature-selected and Geometry-preserved Least Square Regression (FGLSR). Moreover, a deep learning method based on FGLSR is also proposed, namely Feature-selected and Geometry-preserved Neural Network (FGNN). The main contributions of this paper are as follows:

E1KOBZ_2020_v14n4_1721_f0002.png 이미지

Fig. 2. Illustrations on one-hot coding and CA coding, in which the black Cube represents 1, and the other represents 0

1. A novel AE method called Feature-selected and Geometry-preserved Least Square Regression (FGLSR) is constructed through utilizing the neighbor-similarity of facial inherent characteristic in manifold space and selecting more discriminative feature representation.

2. To enhance AE, a deep learning method based on FGLSR is proposed, called Feature-selected and Geometry-preserved Neural Network (FGNN) which works by reconstructing the network objective function.

3. Effectiveness of the proposed method are verified through extensive experiments on both proposed methods.

The rest of this paper is organized as follows: Section 2 briefly introduces the status of research on AE. Section 3 describes the proposed method. Section 4 shows the experiment results and Section 5 concludes the paper and gives a prospect for further research.

2. Related Work

As a classic regression model, LSR has been applied on AE. In traditional LSR, the researchers usually use one-hot coding to estimate the facial age. Assuming that the ith sample x i corresponds to the age A, the one-hot coding is shown in Eq. (1).

\(y_{i}^{j}=\left\{\begin{array}{ll} 1 & \text { if } j=A \\ 0 & \text { if } j \neq A \end{array}\right.\)       (1)

where \(y_{i}^{j}\) indicates the jth element yi, the coding of sample xi. Although this coding is often used on deep learning method, it treats all age as discrete classes, and do not take the relation-ship between ages into consider. For example, age 11 is close to age 12 but far away from age 60. In other words, one-hot coding is not suitable for AE problem. To solve this problem, [32] developed LSR combining CA coding and achieved a better result. CA coding is shown as follows:

\(y_{i}^{j}=\left\{\begin{array}{ll} 1 & \text { if } j \leq A \\ 0 & \text { if } j>A \end{array}\right.\)       (2)

In Eq. 2, we can observe that when two ages are similar, CA coding will exhibit the similarity of the ages due to the difference between eleven and thirteen is two years while the difference between eleven and sixty is forty-nine years. The process of aging will be enlarged in CA coding. So, in [35], a method combined LSR and CA coding was proposed, which can be shown as following:

\(\min _{\mathbf{W}, \mathbf{b}} \frac{1}{N} \sum_{k=1}^{K} \sum_{i=1}^{N}\left\|y_{i}^{k}-\left(\mathbf{w}_{k}^{T} \mathbf{x}_{i}+b_{k}\right)\right\|_{2}^{2}+\frac{\lambda}{2}\|\mathbf{W}\|_{F}^{2}\)       (3)

where \(\|\cdot\|_{2}^{2}\) means the squared L2 norm and \(\|\cdot\|_{F}^{2}\) means the squared Frobenius norm of a matrix. \(\mathbf{W}=\left[w_{1}, \ldots w_{K}\right] \in \mathbb{R}^{d \times K}\) means the projection matrix. b is the regression bias and \(y_{i}^{j}\) indicates the jth regression output of xi. In fact, the value of \(y_{i}^{j}\) is decided by the vector wj and the bias bj. To simplify the model, we set \(\tilde{\mathbf{W}}=[\mathbf{W} ; \mathbf{b}] \subseteq \mathbb{R}^{(d+1) \times K}\) and \(\tilde{\mathbf{X}}=[\mathbf{X} ; \mathbf{1}] \subseteq \mathbb{R}^{(d+1) \times N}\), then Eq. (3) can be expressed.

\(\min _{\tilde{\mathbf{W}}} \frac{1}{N} \sum_{i=1}^{N}\left\|\mathbf{y}_{\boldsymbol{i}}-\widetilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{\boldsymbol{i}}\right\|_{2}^{2}+\frac{\lambda}{2}\|\widetilde{\mathbf{W}}\|_{F}^{2}\)       (4)

To extract more useful feature, L2,1 norm was used on AE which is used for jointly feature selection. L2,1 norm can be seen as the sum of L2 norm of each row in matrixes. L2,1 norm combines the weight of the same feature of different modes, so that some common features can be selected jointly. The multi-row elements of weight matrix W obtained by multi-task feature selection model are all 0, which is called row-sparse matrix. The value of L2,1 norm is calculated.

\(\|\mathbf{X}\|_{2,1}=\sum_{i=1}^{d} \sqrt{\sum_{j=1}^{N} x_{i, j}^{2}}=\sum_{i=1}^{d}\left\|\mathbf{x}_{i}\right\|_{2}\)       (5)

where xi,j is the element of the ith row and the jth column and xi means the ith row in the matrix X.

Manifold learning is also used on regularization. Manifold in machine learning borrows the concept of manifold in mathematics. More often, the manifold in machine learning means that data is distributed on a low-dimensional manifold in a high-dimensional space, such as Fig. 3.

E1KOBZ_2020_v14n4_1721_f0003.png 이미지

Fig. 3. The original samples and manifold embedding samples

In Fig. 3, the facial feature information shows the characteristics of high dimension, but in fact, they also can be expanded in low dimension space. Moreover, many real data have similar properties, such as the same face in different lighting environments. And the manifold tries to recover low dimensional data from high dimensional space to embody the sample features more intuitively. In this paper, we combine the traditional LSR with jointly feature selection and manifold, and achieve a good performance.

3. Proposed Methodology

3.1 Overall of the Model

As described in Eq. (4), although CA coding regressors are trained on the same data, they are trained separately and fail to take advantage of the potential correlation between and within them. In order to overcome these shortcomings, in this section, we propose a method called Feature-selected and Geometry-preserved Least Square Regression (FGLSR) and its deep learning extension Feature-selected and Geometry-preserved Neural Network (FGNN) to construct a proper regularizer and leverage the joint feature selection of the model. These correlations are embedded into the CA-coding regression process and merged to improve the accuracy of the subsequent CA coding based on AE multi-output regression model.

3.2 Joint Feature Selection

L2,1 norm is usually used on feature selection. It can be seen as the L2 norm in each row of the origin matrix. The reason we choose L2,1 norm is that the facial feature has the characteristic of sparsity. Multi task feature selection makes use of the relevant information between tasks, and there are similar sparse patterns among the variables of different tasks. L2,1 norm combines the weights of the same features of different modes, so that some common features can be selected jointly. The elements of weight matrix W obtained by the multi task feature selection model are all 0, which is "row-sparsity".

3.3 The Regularization of Manifold

In this paper we take another regularization to constrain our model through manifold learning. Assuming that the samples zi, zj where za\(\widetilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{a}\), a = i or j and their relationship parameter Wi,j. We choose minimize the following objective function Eq. (6) to close the two connected points.

\(\sum_{i, j=1}^{N}\left(\boldsymbol{z}_{i}-\boldsymbol{z}_{j}\right)^{2} \mathbf{S}_{i j}\)       (6)

The objective function with our choice of Sij incurs a heavy penalty if neighboring points zi and zj are mapped far apart. So, minimizing Eq. (6) can ensure zi and zj is close enough. Combining zi = \(\widetilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{i}\), Eq. (6) can be transferred as follows:

\(\begin{array}{l} \frac{1}{2} \sum_{i, j=1}^{N}\left(\mathbf{z}_{i}-\mathbf{z}_{j}\right)^{2} \mathbf{S}_{i j}=\frac{1}{2} \sum_{i, j=1}^{N}\left(\widetilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{i}-\widetilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{j}\right)^{2} \mathbf{S}_{i j} \\ \quad=\sum_{i=1}^{N} \tilde{\mathbf{x}}_{i}^{T} \widetilde{\mathbf{W}} \widetilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{i} \mathbf{D}_{i i}-\sum_{i, j=1}^{N} \tilde{\mathbf{x}}_{j}^{T} \widetilde{\mathbf{W}} \tilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{j} \mathbf{S}_{i j} \\ =\operatorname{tr}\left(\widetilde{\mathbf{W}}^{T} \widetilde{\mathbf{X}}(\mathbf{D}-\mathbf{S}) \widetilde{\mathbf{X}}^{T} \widetilde{\mathbf{W}}\right)=\operatorname{tr}\left(\widetilde{\mathbf{W}}^{T} \widetilde{\mathbf{X}} \mathbf{L} \widetilde{\mathbf{X}}^{T} \widetilde{\mathbf{W}}\right) \end{array}\)       (7)

where L = D – S means Laplacian matrix, D is the diagonal matrix where D = \(\sum_{\mathrm{j}=1}^{\mathrm{N}} \mathbf{S}_{i j}\), S is an auxiliary matrix which is defined as follows:

\(\mathbf{S}_{i j}=\left\{\begin{array}{cc} 1 & \text { if } \mathbf{x}_{i} \text { and } \mathbf{x}_{i} \text { in the same class } \\ 0 & \text { otherwise } \end{array}\right.\)(8)

Therefore, minimizing the last term can hold the original structure information, which is referred as follows:

\(\min _{\widetilde{\mathbf{W}}} \operatorname{tr}\left(\tilde{\mathbf{W}}^{T} \widetilde{\mathbf{X}} \mathbf{L} \widetilde{\mathbf{X}}^{T} \tilde{\mathbf{W}}\right)\)       (9)

3.4 The Summary of our Model

Combining Eq. (4), L2,1 norm and Eq. (9), our model can be described as following:

\(\min _{\tilde{\mathbf{W}}} \frac{1}{2}\|\widetilde{\mathbf{W}}\|_{F}^{2}+\frac{\lambda_{1}}{2}\|\tilde{\mathbf{W}}\|_{2,1}+\frac{\lambda_{2}}{2} \sum_{i=1}^{N}\left\|\mathbf{y}_{i}-\tilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{i}\right\|_{2}^{2}+\frac{\lambda_{3}}{2} \operatorname{tr}\left(\widetilde{\mathbf{W}}^{T} \widetilde{\mathbf{X}} \mathbf{L} \widetilde{\mathbf{X}}^{T} \widetilde{\mathbf{W}}\right)\)       (10)

To sum up, we choose LSR as our baseline for the popularity in age estimation. Then, considering the row-sparsity in the projection \(\tilde{\mathbf{W}}\), we add an additional regularization \(\|\tilde{\mathbf{W}}\|_{2,1}\). Moreover, we find the complex facial feature can be embedded into a manifold space which can describe the feature in a low demission space. At last, our model is completed successfully.

3.5 Model Optimization

Let

\(\boldsymbol{J}=\frac{1}{2}\|\tilde{\mathbf{W}}\|_{F}^{2}+\frac{\lambda_{1}}{2}\|\tilde{\mathbf{W}}\|_{2,1}+\frac{\lambda_{2}}{2} \sum_{i=1}^{N}\left\|\mathbf{y}_{i}-\widetilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{i}\right\|_{2}^{2}+\frac{\lambda_{3}}{2} \operatorname{tr}\left(\widetilde{\mathbf{W}}^{T} \widetilde{\mathbf{X}} \mathbf{L} \widetilde{\mathbf{X}}^{T} \widetilde{\mathbf{W}}\right)\)       (11)

We propose to use the accelerated approximate gradient (APG) algorithm [39] to optimize the objective function (11). Specifically, Eq. (11) is first divided into two parts, namely smooth part

\(f(\widetilde{\mathbf{W}})=\frac{1}{2}\|\widetilde{\mathbf{W}}\|_{F}^{2}+\frac{\lambda_{2}}{2} \sum_{i=1}^{N}\left\|\mathbf{y}_{i}-\widetilde{\mathbf{W}}^{T} \tilde{\mathbf{x}}_{i}\right\|_{2}^{2}+\frac{\lambda_{3}}{2} \operatorname{tr}\left(\widetilde{\mathbf{W}}^{T} \widetilde{\mathbf{X}} \mathbf{L} \widetilde{\mathbf{X}}^{T} \widetilde{\mathbf{W}}\right)\)        (12)

and non-smooth part

\(g(\tilde{\mathbf{W}})=\frac{\lambda_{1}}{2}\|\tilde{\mathbf{W}}\|_{2,1}\)       (13)

Then, a function is built which is shown as follows:

\(\Omega_{l}\left(\tilde{\mathbf{W}}, \tilde{\mathbf{W}}_{\boldsymbol{i}}\right)=f\left(\tilde{\mathbf{W}}_{\boldsymbol{i}}\right)+\left\langle\tilde{\mathbf{W}}-\tilde{\mathbf{W}}_{\boldsymbol{i}}, \nabla f\left(\widetilde{\mathbf{W}}_{\boldsymbol{i}}\right)\right\rangle+\frac{l}{2}\left\|\tilde{\mathbf{W}}-\tilde{\mathbf{W}}_{\boldsymbol{i}}\right\|_{F}+g(\tilde{\mathbf{W}})\)       (14)

where \(\nabla f\left(\widetilde{\mathbf{W}}_{i}\right)\) means the gradient of f(\(\tilde{\mathbf{W}}\)) in the ith iteration, l means the length of step whose value can be determined by linear search. Finally, the update step of \(\widetilde{\mathbf{w}}_{i}\) in APG is shown as following:

\(\begin{array}{l} \widetilde{\mathbf{W}}_{i+1}=\arg \min _{\widetilde{\mathbf{W}}} \frac{1}{2}\|\tilde{\mathbf{W}}-\mathbf{V}\|_{F}^{2}+\frac{1}{l} g(\widetilde{\mathbf{W}}) \\ =\underset{\widetilde{\mathbf{w}}_{1}, \ldots, \widetilde{\mathbf{w}}_{d}}{\arg \min } \frac{1}{2} \sum_{i=1}^{d}\left\|\widetilde{\mathbf{w}}_{j}-\mathbf{v}_{j}\right\|_{2}^{2}+\frac{\beta}{l}\left\|\widetilde{\mathbf{w}}_{j}\right\|_{2}^{2} \end{array}\)       (15)

where \(\widetilde{\mathbf{w}}_{i}\) and vi is the ith row of \(\tilde{\mathbf{W}}\) and V, where V is defined as

\(\mathbf{V}=\widetilde{\mathbf{W}}_{i}-\frac{1}{l} \nabla f\left(\widetilde{\mathbf{W}}_{i}\right)\)       (16)

So, according to Eq. (15), the problem to be optimized is transformed into a k-subproblem. Moreover, the key of APG is how to solve this update step. Additionally, the analytical solution in Eq. (15) is shown as following:

\(\tilde{\mathbf{w}}_{j}^{*}=\left\{\begin{array}{cl} \left(1-\frac{\beta}{l\left\|\mathbf{v}_{j}\right\|_{2}}\right) \mathbf{v}_{j} & \left\|\mathbf{v}_{j}\right\|_{2}>\frac{\beta}{l} \\ 0 & \text { otherwise } \end{array}\right.\)       (17)

Additionally, [38] proposed an alternative to solve the gradient descent, which uses another search point to optimize the problem, as shown in Eq. (18):

\(\mathbf{Q}_{i}=\tilde{\mathbf{W}}_{i}+\alpha_{i}\left(\tilde{\mathbf{W}}_{i}-\widetilde{\mathbf{W}}_{i-1}\right)\)       (18)

where 𝑎𝑖 =\(\frac{\left(1-\rho_{i-1}\right) \rho_{i}}{\rho_{i-1}}\) and ρi = \(\frac{2}{i+3}\).

We repeat the above steps alternately until convergence and generate the optimal solutions of the value of Eq. (11). The optimization procedure is summarized in Algorithm 1.

Algorithm 1: The Optimization Algorithm for our method

3.6 The Deep Learning Method

By far, we have introduced our FGLSR for AE. However, the traditional model cannot meet the existing accuracy requirements. To this end, a method called Feature-selected and Geometry-preserved Neural Network (FGNN) based on FGLSR is proposed by adding the FGLSR term and incorporating with CNN. Based on [39], the features gradually become specific when the layers go toward the top one, which results in increasing dataset bias for the higher layers of features. Therefore, additional regularizer based on L2,1 norm and manifold embedding will perform a good role compared with common regularizer. Above all, the objective function of FGNN is constructed as follows:

\(\min _{\mathbf{w}} \sum_{i=1}^{N} l\left(x_{i}, y_{i} ; \mathbf{W}\right)+\lambda_{1}\|\mathbf{W}\|_{2,1}+\lambda_{2} \operatorname{trace}\left(\mathbf{W}^{T} \mathbf{X} \mathbf{L} \mathbf{X}^{T} \mathbf{W}\right)\)       (19)

where W denotes the model parameters to be learned, λ1 and λ2 are two tradeoff parameters. The first term of Eq. (19) is the Least Square Regression loss. The second term is the L2,1 norm loss and the last term is the manifold regularization.

4. Experimental Classification Results and Analysis

To evaluate the proposed method, we performed experiments on facial datasets from the viewpoint of performance comparison and parameter analysis.

4.1 Datasets

In this experiment, Morph Album 2 and FG-Net were used respectively. Morph Album 2 (referred to as Morph2) is one of the most popular age estimation datasets at present. Morph2 is also a cross-time dataset, which contains images of the same person in different age. Specifically, the dataset includes 55134 pictures of about 13000 people, in which the time span of image collection is from 2003 to 2007 and the age of the volunteers is from 16 to 77 years old, 33 years old average. In addition, the dataset of morph2 records other information about the volunteers, such as gender, race, whether to wear glasses, etc. FG-Net contains 82 images of different ages, and provides 68 facial key point information in each image. In view of the cross-age characteristics of this dataset, FG-Net can be used in age estimation, cross age face recognition, age progression and other research directions. Fig. 4 shows the samples of the two datasets.

E1KOBZ_2020_v14n4_1721_f0007.png 이미지

Fig. 4. Facial image examples from (a) Morph2 and (b) FG-Net

4.2 Experimental Setup

In this experiment, our proposed method was compared with the related methods such as LSR and LSR with L2,1 norm. In this experiment, we extracted BIF coefficients as feature representation on Morph2 and reduce their dimension to 146 (90%) through PCA and extracted AAM coefficients as feature representation on FG-Net, reducing dimension to 200. For hyperparameters, all were set to five-fold cross validation. For AE, 50%, 70% and 90% overall dataset was selected as training sets and the other as testing sets, respectively. All experiments were repeated ten times with random disruption of samples. In addition, a common performance measure, Mean Absolute Errors (MAE) was used in all experiments, which is shown as following:

\(\operatorname{MAE}_{y_{i}, \hat{y}_{i}}=\frac{1}{N} \sum_{i=1}^{N}\left|y_{i}-\hat{y}_{i}\right|\)       (20)

where ŷi means the predicted value and yi means the true value.

4.3 Results and Analysis 4.3.1 Results on Datasets

4.3.1 Results on Datasets

We performed evaluations on Facial datasets. The results are shown in Table 1 and Table 2. From Table 1 and Table 2 we observe the following findings. Firstly, our method achieves the best result compared with the other methods on different datasets. Secondly, with the training data increasing, the value of MAE decreases rapidly. This phenomenon is reasonable, because when the number of training samples increase, the characteristics that can be learned from the samples become more obvious, leading to more reasonable prediction. Thirdly, our method achieved the minimum variance, which shows that our method has the stability of prediction to some extent. Additionally, the Firedman test with α = 0.05 followed by Nemenyi Test, conducted on Morph2 dataset in different methods, as shown in Fig. 5, also proves the effectiveness of our method.

Table 1. The MAE on Morph2, where lower is better

E1KOBZ_2020_v14n4_1721_t0001.png 이미지

Table 2. The MAE on Morph2, where lower is better

E1KOBZ_2020_v14n4_1721_t0002.png 이미지

E1KOBZ_2020_v14n4_1721_f0004.png 이미지

Fig. 5. The Firedman test on Morph2

4.3.2 Parameters Analysis

Then we evaluated the sensitivity of the hyper-parameters involved in our method. To this end, we set the value of λ1 to λ3 in the range of [0.01,0.1,1,10,100]. From Fig. 6 we can observe the following findings: Firstly, with the increase of λ1, the results get better which may be because the weight of L2,1 norm overwhelms the other terms. Secondly, the results get worse with the growing value of λ2 and λ3, this proves that too much weight has a negative effect on the result. To sum up, for a better result we decide to decrease the value of λ2 and λ3 in the cross validation.

E1KOBZ_2020_v14n4_1721_f0005.png 이미지

Fig. 6. Sensitivity analysis on hyper-parameters on Morph2 dataset

a) λ1

(b) λ2

(c) λ3

4.3.3 Results in Deep Learning

Moreover, an additional experiment on FGNN is put into effect. In this experiment, a pre-trained VGG-16 network was used to extract the deep feature [40] on datasets. Then, 80% of images in datasets were used on training and the remaining on testing. To verify the advancement of our method, we chose several methods to compare our method, such as OR-CNN, CasCNN, ARN, SSR-Net. Morph2 was used on experiment while FG-Net was ignored for it’ s poor number of images. Fig. 7 confirms our method still achieves the best result.

E1KOBZ_2020_v14n4_1721_f0006.png 이미지

Fig. 7. The results on Morph2, the red line means the value of MAE in our method.

5. Conclusion

In this paper, we proposed a novel age estimation model, coined as Feature-selected and Geometry-preserved Least Square Regression (FGLSR). For the sake of describing the facial ageing process, we chose LSR as our empirical loss function with CA coding to depict the facial intrinsic characteristic. Considering there is redundance in feature representations and the original feature space usually lies in low dimensional manifold space, we constructed the L2,1 norm and the manifold embedding as our regularization terms, which ensures the model be able to select more discriminative feature representation components and preserve the geometry structure simultaneously. For better model performance, a CNN-based deep learning extension was designed, namely Feature-selected and Geometry-preserved Neural Network (FGNN). Finally, extensive experiments in facial datasets have validated that our proposed method can achieve superior performance to the compared ones.

In the future, we will consider to predict age with significant feature selection in adaptive manner, instead of the L2,1 norm regularization. Another future direction is to address age estimation in more challenging heterogeneous domain scenarios.

References

  1. Guo. G, Fu. Y, Dyer. C.R, and Huang. T.S, "Image-based human age estimation by manifold learning and locally adjusted robust regression," IEEE Transactions on Image Processing, vol.17, pp.1178-1188, 2008. https://doi.org/10.1109/TIP.2008.924280
  2. Fjermestad. J, and Romano. N.C, "Electronic customer relationship management," Business Process Management Journal, Vol. 9 No. 5, pp. 572-591, 2003. https://doi.org/10.1108/14637150310496695
  3. Jain. A.K, Dass. S.C, and Nandakumar. K, "Soft biometric traits for personal recognition systems," in Proc. of International conference on biometric authentication, Springer, pp. 731-738, 2004.
  4. Chen. Y, Xu. W, Zuo. J, and Yang. K, "The fire recognition algorithm using dynamic feature fusion and IV-SVM classifier," Cluster Computing, vol. 22, pp. 7665-7675, 2018. https://doi.org/10.1007/s10586-018-2368-8
  5. Torres. H.R, Oliveira. B, Veloso. F, Ruediger. M, Burkhardt. W, Moreira. A, Dias. N, Morais. P, Fonseca. J.C, and Vilaca. J.L, "Deep learning-based detection of anthropometric landmarks in 3d infants head models," in Proc. of Medical Imaging 2019: Computer-Aided Diagnosis, International Society for Optics and Photonics, p. 1095034, 2019.
  6. Liu. J, Shen. C, Liu. T, Aguilera. N and Tam. J, "Active appearance model induced generative adversarial network for controlled data augmentation," in Proc. of International Conference on Medical Image Computing and Computer-Assisted Intervention, Springer, pp.201-208, 2019.
  7. Zhao. H, Zhan. Z.H, Lin. Y, Chen. X, Luo. X.N, Zhang. J, Kwong. S, and Zhang. J, "Local binary pattern-based adaptive differential evolution for multimodal optimization problems," IEEE transactions on cybernetics, 2019.
  8. Geng. X, Smith-Miles. K, and Zhou. Z.H, "Facial age estimation by nonlinear aging pattern subspace," in Proc. of the 16th ACM international conference on Multimedia, ACM, pp. 721-724, 2008.
  9. Kim. K.I, Jung. K, and Kim. H.J, "Face recognition using kernel principal component analysis," IEEE signal processing letters, vol. 9, pp. 40-42, 2002. https://doi.org/10.1109/97.991133
  10. Tian. Q, and Chen. S, "Cross-heterogeneous-database age estimation through correlation representaion learning," Neurocomputing, vol. 238, pp. 286-295, 2017. https://doi.org/10.1016/j.neucom.2017.01.064
  11. Alnajar. F, Shan. C, Gevers. T, and Geusebroek. J.M, "Learning-based encoding with soft assign-ment for age estimation under unconstrained imaging conditions," Image and Vision Computing vol. 30, pp. 946-953, 2012. https://doi.org/10.1016/j.imavis.2012.07.009
  12. Sai. P.K, Wang. J.G, and Teoh. E.K, "Facial age range estimation with extreme learning machines," Neurocomputing, vol. 149, pp. 364-372, 2015. https://doi.org/10.1016/j.neucom.2014.03.074
  13. Tian. Q, Cao. M, and Ma. T, "Feature relationships learning incorporated age estimation assisted by cumulative attribute encoding," Computers, Materials & Continua, vol. 56, no. 3, pp. 467-482, 2018.
  14. Lanitis. A, Draganova. C, and Christodoulou. C, "Comparing different classifiers for automatic age estimation," IEEE Transactions on Systems, Man, and Cybernetics, Part B (Cybernetics), vol. 34, pp. 621-628, 2004. https://doi.org/10.1109/TSMCB.2003.817091
  15. Deng. Z, Zhu. X, Cheng. D, Zong. M, and Zhang. S, "Efficient classification algorithm for big data," Neurocomputing, vol. 195, pp. 143-148, 2016. https://doi.org/10.1016/j.neucom.2015.08.112
  16. Ueki. K, Hayashida. T, and Kobayashi. T, "Subspace-based age-group classification using facial images under various lighting conditions," in Proc. of 7th International Conference on Automatic Face and Gesture Recognition (FGR06), IEEE, pp. 6-pp, 2006.
  17. Geng. X, Yin. C, and Zhou. Z.H, "Facial age estimation by learning from label distributions," IEEE transactions on pattern analysis and machine intelligence, vol. 35, pp. 2401-2412, 2013. https://doi.org/10.1109/TPAMI.2013.51
  18. Li. Z, Fu. Y, and Huang. T.S, "A robust framework for multiview age estimation," in Proc. of 2010 IEEE Computer Society Conference on Computer Vision and Pattern Recognition-Workshops, IEEE, pp. 9-16, 2010.
  19. Torrisi. A, Farinella. G.M, Puglisi. G, and Battiato. S, "Selecting discriminative clbp patterns for age estimation," in Proc. of 2015 IEEE International Conference on Multimedia & Expo Workshops (ICMEW), IEEE, pp. 1-6, 2015.
  20. Fu. Y, Xu. Y, and Huang. T.S, "Estimating human age by manifold analysis of face pictures and regression on aging features," in Proc. of 2007 IEEE International Conference on Multimedia and Expo, IEEE, pp. 1383-1386, 2007.
  21. Yan. S, Wang. H, Tang. X, and Huang. T.S, "Learning auto-structured regressor from uncertain nonnegative labels," in Proc. of 2007 IEEE 11th International Conference on Computer Vision, IEEE, pp. 1-8, 2007.
  22. Luu. K, Ricanek. K, Bui. T.D, and Suen. C.Y, "Age estimation using active appearance models and support vector machine regression," in Proc. of 2009 IEEE 3rd International Conference on Biometrics: Theory, Applications, and Systems, IEEE, pp. 1-5, 2009.
  23. Yan. S, Wang. H, Huang. T.S, Yang. Q, and Tang. X, "Ranking with uncertain labels," in Proc. of 2007 IEEE International Conference on Multimedia and Expo, IEEE, pp. 96-99, 2007.
  24. Lanitis. A, Taylor. C.J, and Cootes. T.F, "Toward automatic simulation of aging effects on face images," IEEE Transactions on Pattern Analysis and Machine Intelligence, vol.24, pp.442-455, 2002. https://doi.org/10.1109/34.993553
  25. Lu. J, and Tan. Y.P, "Fusing shape and texture information for facial age estimation," in Proc. of 2011 IEEE International Conference on Acoustics Speech and Signal Processing (ICASSP), IEEE, pp. 1477-1480, 2011.
  26. Lu. J, Tan. Y.P, "Ordinary preserving manifold analysis for human age and head pose estimation," IEEE Transactions on Human-Machine Systems, vol. 43, pp. 249-258, 2012. https://doi.org/10.1109/TSMCC.2012.2192727
  27. Li. K, Xing. J, Hu. W, and Maybank. S.J, "D2c: Deep cumulatively and comparatively learning for human age estimation," Pattern Recognition, vol. 66, pp. 95-105, 2017. https://doi.org/10.1016/j.patcog.2017.01.007
  28. Rothe. R, Timofte. R, and Van Gool. L, "Deep expectation of real and apparent age from a single image without facial landmarks," International Journal of Computer Vision, vol. 126, pp. 144-157, 2018. https://doi.org/10.1007/s11263-016-0940-3
  29. Shen. W, Guo. Y, Wang. Y, Zhao. K, Wang. B, and Yuille. A.L, "Deep regression forests for age estimation," in Proc. of the IEEE Conference on Computer Vision and Pattern Recognition, pp. 2304-2313, 2018.
  30. Taheri. S, and Toygar. O, "On the use of dag-cnn architecture for age estimation with multi-stage features fusion," Neurocomputing, vol. 329, pp. 300-310, 2019. https://doi.org/10.1016/j.neucom.2018.10.071
  31. Gui. Y, and Zeng. G, "Joint learning of visual and spatial features for edit propagation from a single image," The Visual Computer, vol. 36, pp. 469-482, 2020. https://doi.org/10.1007/s00371-019-01633-6
  32. Niu. Z, Zhou. M, Wang. L, Gao. X, and Hua. G, "Ordinal regression with multiple output cnn for age estimation," in Proc. of the IEEE conference on computer vision and pattern recognition, pp. 4920-4928, 2016.
  33. Zhang. Y, Wang. Q, Li. Y, and Wu. X, "Sentiment classification based on piecewise pooling convolutional neural network," Computers, Materials & Continua, 2018.
  34. Chen. K, Gong. S, Xiang. T, and Change Loy. C, "Cumulative attribute space for age and crowd density estimation," in Proc. of the IEEE conference on computer vision and pattern recognition, pp. 2467-2474, 2013.
  35. An. S, Liu. W, and Venkatesh. S, "Face recognition using kernel ridge regression," in Proc. of 2007 IEEE Conference on Computer Vision and Pattern Recognition, IEEE, pp. 1-7, 2007.
  36. Tian. Q, and Chen. S, "Cumulative attribute relation regularization learning for human age estimation," Neurocomputing, vol. 165, pp. 456-467, 2015. https://doi.org/10.1016/j.neucom.2015.03.078
  37. Coates. A, and Ng. A.Y, "The importance of encoding versus training with sparse coding and vector quantization," in Proc. of the 28th international conference on machine learning (ICML-11), pp. 921-928, 2011.
  38. Liu. J, and Ye. J, "Efficient l1/lq norm regularization," arXiv preprint arXiv:1009.4766, 2010.
  39. Yosinski. J, Clune. J, Bengio. Y, and Lipson. H, "How transferable are features in deep neural networks?" Advances in neural information processing systems, pp. 3320-3328, 2014.
  40. Zhang. J, Jin. X, Sun. J,Wang. J, and Sangaish. A. K, "Spatial and semantic convolutional features for robust visual object tracking," Multimedia Tools and Applications, 2018.