Gender Classification: A Convolutional Neural Network Approach
Gender Classification: A Convolutional Neural Network Approach
Gender Classification: A Convolutional Neural Network Approach
Abstract: An approach using a convolutional neural network (CNN) is proposed for real-time gender classification
based on facial images. The proposed CNN architecture exhibits a much reduced design complexity when compared
with other CNN solutions applied in pattern recognition. The number of processing layers in the CNN is reduced to
only four by fusing the convolutional and subsampling layers. Unlike in conventional CNNs, we replace the convolution
operation with cross-correlation, hence reducing the computational load. The network is trained using a second-order
backpropagation learning algorithm with annealed global learning rates. Performance evaluation of the proposed CNN
solution is conducted on two publicly available face databases of SUMS and AT&T. We achieve classification accuracies
of 98.75% and 99.38% on the SUMS and AT&T databases, respectively. The neural network is able to process and
classify a 32 × 32 pixel face image in less than 0.27 ms, which corresponds to a very high throughput of over 3700
images per second. Training converges within less than 20 epochs. These results correspond to a superior classification
performance, verifying that the proposed CNN is an effective real-time solution for gender recognition.
Key words: Gender classification, convolutional neural network, fused convolutional and subsampling layers, backprop-
agation
1. Introduction
Gender classification was first perceived as an issue in psychophysical studies; it focuses on the efforts of
understanding human visual processing and identifying key features used to categorize between male and
female individuals [1]. Research has shown that the disparity between facial masculinity and femininity can be
utilized to improve performances of face recognition applications in biometrics, human–computer interactions,
surveillance, and computer vision. However, in a real-world environment, the challenge is how to deal with the
facial image being affected by the variance in factors such as illumination, pose, facial expression, occlusion,
background information, and noise. This is then also the challenge in the development of a robust face-based
gender classification system that has high classification accuracy and real-time performance.
The conventional approach applied in face recognition, including face-based gender recognition, typically
involves the stages of image acquisition and processing, dimensionality reduction, feature extraction, and
classification, in that order. Prior knowledge of the application domain is required to determine the best
feature extractor to design. In addition, the performance of the recognition system is highly dependent on the
type of classifier chosen, which is in turn dependent on the feature extraction method applied. It is difficult
∗ Correspondence: [email protected]
1248
LIEW et al./Turk J Elec Eng & Comp Sci
to find a classifier that combines best with the chosen feature extractor such that an optimal classification
performance is achieved. Any changes to the problem domain require a complete redesign of the system.
The convolutional neural network (CNN) is a neural network variant that consists of a number of
convolutional layers alternating with subsampling layers and ends with one or more fully connected layers
in the standard multilayer perceptron (MLP). A significant advantage of the CNN over conventional approaches
in pattern recognition is its ability to simultaneously extract features, reduce data dimensionality, and classify
in one network structure. Such a structure, as illustrated in Figure 1, can boost recognition accuracy efficiently
and cost-effectively.
(a)
Preprocessed Input
Dimensionality Reduction
Preprocessing
Raw Input Trainable Feature Extraction Class Scores
Module
Trainable Classifier
(b)
Figure 1. Pattern recognition approaches: (a) conventional, (b) CNN-based.
The CNN performs both feature extraction and classification within a single network structure through
learning on data samples [4]. Feature selection is also integrated into the training process by learning the weights
held responsible for extracting features [2]. The CNN also has the ability to extract topological properties from
a raw input image with no or minimal preprocessing required [2]. In addition, a certain degree of invariance
is achieved while preserving the spatial topology of input data [1]. The CNN also provides partial resistance
and robustness to geometric distortions and transformations, and other 2D shape variations [2]. Hence, the
CNN is specifically designed to cope with shortcomings of the traditional feature extractor that is characterized
by being static, is designed independently of the trainable classifier, and is not part of training procedure [3].
A final benefit of CNNs is that they are relatively easier to train since they have fewer parameters than fully
connected MLP neural networks with the same number of hidden layers. Consequently, the CNN has shown
promising success in a wide range of applications that include character recognition [4], face recognition [5],
human tracking [6], traffic sign recognition, and many others.
In this paper, we propose a novel approach for real-time gender classification using a CNN. The main
contributions of this research are as follows. First, an efficient and effective 4-layer CNN for real-time face-based
gender classification is proposed. The network architecture has a reduced design complexity with a smaller
number of layers, neurons, trainable parameters, and connections when compared with existing methods. We
apply a novel algorithm in fusing the convolutional and subsampling layers, and we replace the convolution
operation with cross-correlation (i.e. we do not perform flipping of weights in the kernel matrix, as required
in convolution). Second, we conduct experiments to study and verify that the application of cross-correlation
1249
LIEW et al./Turk J Elec Eng & Comp Sci
instead of convolution not only does not harm but actually improves the performance of the CNN in terms of
classification rate and processing speed. To the best of our knowledge, this appears to be the first time this
aspect of the design is reported in the literature. Finally, we benchmark our CNN solution for gender recognition
on two different face databases of SUMS and AT&T, and results show that the proposed method outperforms
almost all previous methods.
The remainder of this paper is organized as follows. Section 2 discusses previous works on gender
classification. Section 3 describes the background of the classical CNN. A detailed discussion on the architecture
and algorithms of the proposed automatic gender recognition system is presented in Section 4. Experimental
work and results are provided in Section 5, and Section 6 concludes the work done and proposes recommendations
for future works.
2. Previous work
Although gender classification can play a significant role in many computer vision applications, it has not been
as well studied compared to the more popular problem of recognition and identification. Most of the existing
solutions for pattern recognition problems apply trainable or nontrainable classifiers preceded by heuristic-
based feature extractors. This section briefly discusses previous works from the perspective of the classification
methods applied.
The support vector machine (SVM) is a popular algorithm for classification. In [7], a gender classification
system using a local binary pattern (LBP) and SVM with polynomial kernel was proposed, in which the
classification rate of 94.08% on the CAS-PEAL face database was reported. An average processing time of 0.12
s was achieved with MATLAB 6.1 implementation on a 3.0 GHz CPU. A disadvantage of the method is that
high classification performance can only be achieved if the block size for the LBP operator is correctly selected,
which is a rather difficult task. The work in [8] reported a high classification accuracy of 99.30% on the SUMS
face database. This work applied Viola and Jones face detection, 2D-DCT feature extraction, and the K-means
nearest neighbor (KNN) classifier. 2D-DCT is a compute-intensive algorithm; hence, this method is not suitable
for real-time applications. Among the first attempts to apply neural networks in gender classification, one was
reported in [9]. With a fully connected MLP used in conjunction with a large number of image processing
modules, the average error rate was 8.1%, which is rather large compared to state-of-the-art results. The hybrid
approach proposed in [10] processed the face image with principal component analysis (PCA) for dimensionality
reduction. A genetic algorithm (GA) was then used to select a good subset of eigenfeatures. An average error
rate of 11.30% was reported. In addition to the poor error rate achieved, the main drawback of this method is
that, although it is an effective global random search method, the GA exhibits high computational complexity.
The main disadvantages of the aforementioned methods are that the feature extraction and classification modules
are designed and trained separately, and they require prior application-specific knowledge in order to obtain
optimal preprocessing and feature extraction designs.
Among the first to propose gender classification by combining both feature extraction and classification
in a single neural network were Titive and Bouzerdoum in [1]. Their technique, which applied a novel shunting
inhibitory convolutional neural network (called SICoNNets), had an average classification accuracy of 97.1% on
the FERET face database. The superior performance achieved was mainly due to a shunting inhibitory neuron
that had two activation functions and one division to perform. In [5], the proposed CNN comprised six layers,
with the final layer being a single neuron to represent the output class. On the FERET database, a classification
rate of 94.7% was achieved on unmixed datasets. In short, the above CNN-based solutions demonstrate the
potential of achieving superior performance in recognition problems and gender classification in particular.
1250
LIEW et al./Turk J Elec Eng & Comp Sci
A CNN is a type of feedforward network structure that is formed by multiple layers of convolutional filters
alternated with subsampling filters followed by fully connected layers. Figure 2 shows the classical LeNet-5
CNN, first introduced by LeCun et al. in [4], which is the basis of the design of conventional CNNs. In [4],
it was successfully applied in a handwritten digit recognition problem. LeNet-5 has six processing layers, not
including the input layer, which is of image size 32 × 32 pixels.
Input C1 S2 C3 S4 C5 F6(Output)
1@32 × 32 4@28× 28 4 @14×14 16@10×10 16@5×5 64@ 1×1 1@1×1
As illustrated in Figure 2, the processing layers consist of three convolutional layers C1, C3, and C5
interspersed in between with two subsampling layers, S2 and S4, and an output layer, F6. The convolutional
and subsampling layers are organized into planes called feature maps. Each neuron in a convolutional layer
is connected locally to a small input region of size 5 × 5 (the receptive field) in the preceding layer [1]. All
neurons from the same feature map receive inputs from different 5 × 5 input regions, such that the whole
input plane is scanned, but they share the same set of weights (that forms the kernel). This is called local
weight sharing; each feature map is the result of convolving the kernel with a receptive field. However, different
feature maps in the same layer use different kernels. In the subsampling layers, the feature maps are spatially
downsampled; that is, the map size is reduced by a factor of two. For example, the feature map in layer C1
of size 28 × 28 is subsampled to a corresponding feature map of size 14 × 14 in the subsequent layer S2.
The output layer F6, which is a MLP, performs the classification process. The concepts of local receptive field,
weight sharing, and spatial subsampling mentioned above are the three principle architectural ideas behind the
design of a CNN [2,6]. In weight sharing topology, all neurons in a feature map use the same incoming set of
weights (kernel weights), and feature extraction is performed by convolving the image with these kernels [3,11].
As such, a feature map in a CNN is a 2D representation of extracted features from input feature map(s) or
input image. Such an arrangement of neurons with identical kernel weights and local receptive fields in a spatial
array forms an architecture akin to models of biological vision systems. There are several advantages of this
strategy. First, the network complexity and the dimensionality of data are reduced effectively [1,11]. Weight
sharing also serves as an alternative to weight elimination, which reduces the memory capacity of the machine.
In the CNN, subsampling is applied for the purpose of dimensionality reduction while still maintaining relevant
information in the input plane, as well as to reduce shift and distortion sensibility of detected features [3]. For
more details on the algorithms of the LeNet-5 CNN, please refer to [4].
1251
LIEW et al./Turk J Elec Eng & Comp Sci
In this section, we present the design details of the proposed CNN for automatic gender recognition. We
describe the network architecture, provide the corresponding formulations and algorithms, and present the
training algorithm of our CNN.
4.1. Architecture
Figure 3 shows the overview of the network architecture of our CNN. The network consists of four processing
layers: three convolutional layers (denoted by C1, C2, and C3) and one output layer (denoted by F4). The
input layer is a 2D face image of size 32 × 32 pixels. Layers C1, C2, and C3 are convolutional layers of four 14
× 14, sixteen 5 × 5, and sixty-four 1 × 1 feature maps, respectively. Layer F4 consists of a single perceptron,
also referred as a 1 @ 1 × 1 map.
Input C1 C2 C3 F4 (Output)
1@32×32 4 @14×14 16@5×5 64@1×1 1@1×1
To connect the feature maps of layer C1 to the subsequent layer C2, we apply the partial-connection
scheme provided in Figure 4. This connection, not being a full connection, essentially forces each filter to learn
different features from the same feature map [4]. On the other hand, layers C2 and C3 are fully connected: each
neuron in C3 (which is a 1 × 1 map) is connected to a 5 × 5 region in all 16 feature maps in C2.
C2
0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15
0 × × × × × × × × ×
1 × × × × × × × × ×
C1
2 × × × × × × × × ×
3 × × × × × × × × ×
1252
LIEW et al./Turk J Elec Eng & Comp Sci
(l) K (l) ( )
∑ ∑
N Kx ∑
y
(l − 1)
Yj (x , y) = f Sx(l) x + u, Sy(l) y + v wji (u, v) + θj ,
(l) (l) (l)
Yi (1)
i=0u=0v=0
(l − 1) (l)
where Yi and Yj are the input and output feature maps respectively, f ( ) denotes the activation function,
(l) (l)
wji is the convolutional kernel weight, θj is the bias, N represents the total number of input feature maps,
(l) (l) (l) (l)
Sx is the horizontal convolution step size, Sy is the vertical convolution step size, and Kx and Ky are the
(l) (l)
width and height of convolutional kernels, respectively. The width W and height H of the output feature
(l) (l)
map with convolution step sizes of Sx and Sy can be computed as:
W (l − 1) − Kx
(l)
W (l) = (l)
+1 (2)
Sx
and
H (l − 1) − Ky
(l)
H (l) = (l)
+ 1, (3)
Sy
where W (l − 1) and H (l − 1) correspond to the width and height of input feature map.
Figure 5 gives a pictorial representation of the formulation above. The diagram shows that a 5 × 5
convolution followed by a 2 × 2 subsampling operation can be replaced by a single 6 × 6 convolution operation
with step size (strides) of 2, because they generate exactly the same output feature map.
Input Image Convolutional Layer Subsampling Layer Input Image Convolutional Layer
Feature Map Size =14×14 Feature Map Size =10×10 Feature Map Size =5× 5 Feature Map Size = 14×14 Feature Map Size = 5×5
Filter Size =5×5 Filter Size =2× 2 Filter Size = 6×6
(a) (b)
Figure 5. Operations on feature maps in the convolutional layer: (a) conventional approach applying convolution (with
step size of 1) followed by subsampling, (b) fused convolution/subsampling approach applying convolutions with step
size of 2.
1253
LIEW et al./Turk J Elec Eng & Comp Sci
Note that, in the formulation given above, we perform cross-correlation instead of convolution. Recall that
in image processing, convolution and cross-correlation perform similar functions, except that in the convolution
process, the kernel weights are flipped vertically and horizontally. The general equation for a 2D discrete
convolution is given by:
Kx ∑
∑ Ky
Y (x , y) = X(x − u, y − v)w(u , v) (4)
u=0v=0
where X is an input image, Y is the output image, w is the kernel, and Kx and Ky represent the width and
height of convolutional kernel, respectively. This operation involves flipping of the kernel weights before the
dot product is performed. In contrast, a 2D discrete cross-correlation (for image processing) is described by the
following equation:
∑
Kx ∑
Ky
Y (x , y) = X(x + u , y + v)w(u , v). (5)
u=0v=0
Essentially, Eqs. (4) and (5) are similar, except in Eq. (5), the kernel weights are not flipped. We illustrate
these operations using the diagrams in Figure 6, where Figure 6a gives an example convolution kernel. In
the conventional approach, as depicted in Figure 6b, a 2D discrete convolution is performed by convolving an
overlapped input plane with the convolution kernel with kernel weights being flipped in both horizontal and
vertical directions. In Figure 6c, the same operation is shown, but now without flipping the kernel. Since values
of the convolution kernel (weights) in a convolutional layer are randomly initialized, flipping has little effect on
the convolution output.
9 8 7 1 2 3
1 2 3 6 5 4 4 5 6
4 5 6 3 2 1 7 8 9
7 8 9
Figure 6. The 2D discrete convolution operation: (a) example convolution kernel, (b) convolution with kernel weights
flipped, (c) convolution with kernel weight not flipped.
Flipping operations add more computational time in both feedforward and backward propagations.
Hence, the modification of replacing convolution with cross-correlation is advantageous, especially when dealing
with numerous convolutions to be performed on large kernel sizes, and on large datasets within a large number
of training iterations (epochs).
In this work, we apply, in the convolutional layers, a scaled hyperbolic tangent function as described by
the following equation:
f (x) = A tanh (Bx), (6)
where A denotes the amplitude of the function and B determines its slopes at the origin. The values of A and
B are set at 1.7159 and 2/3 as suggested by LeCun et al. [4].
For the output layer F4, a single perceptron is used to determine the class of a particular input pattern.
1254
LIEW et al./Turk J Elec Eng & Comp Sci
where f ( ) represents the activation function used for each neuron, N is the total number of input neuron(s),
(l − 1) (l)
Yi is the value of the input neuron, wji is the synaptic weight connecting the input neuron(s) to the
(l)
output neuron, and θj denotes the bias. Male gender is represented by the output value of +1 , whereas −1
indicates that the pattern belongs to the female class.
Table 1. Comparison of backpropagation algorithm complexity between that of the conventional CNN and that of the
architecture with fused convolutional and subsampling layer [13].
Table 1 shows the comparison of complexity in the backpropagation training algorithm when applied
in the conventional CNN architecture and the CNN with fused convolutional/subsampling layers [10]. It
can be observed that the fused convolutional layer can achieve higher computational speeds compared to the
combination of a convolutional layer and subsampling layer, as in conventional CNN architecture.
In addition to the performance speedup gained as a result of a fused convolutional layer, we also observe
a positive effect on the classification performance when weight flipping is not applied. This is discussed later in
Section 5. It should be noted here that researchers, for example in [14] and [15], have applied cross-correlation
instead of convolution in the convolutional layers, although they have stated in their papers that convolution is
performed.
1255
LIEW et al./Turk J Elec Eng & Comp Sci
where ηji is the learning rate for weight wji , ϵ denotes the annealed global learning rate, and µ is regularization
parameter. Approximation of the 2nd derivative of the output with respect to the weight is computed from the
following equation:
∂2Y ∂2Y ∂2Y
⟨ 2 ⟩new = (1 − γ) ⟨ 2 ⟩old + γ⟨ 2 ⟩current , (9)
∂wji ∂wji ∂wji
where γ is a small memory constant that determines the influence of the previous value on the calculation of
the next learning rate. The annealed global learning rate is given as
ϵmax t=0
t+1
ϵ = ϵmin ϵt < ϵmin (10)
t
ϵ ×α otherwise
where α denotes the fading factor of the global learning rate, ϵmax is the initial global learning rate, and ϵmin is
the minimum global learning rate. The calculations of learning rates are only performed once every two training
epochs, and the parameters are set as follows: µ = 0.03, γ = 0.00001, ϵmax = 0.001 , ϵmin = 0.00001 , and
α = 0.8. Each individual weight or bias is updated with its corresponding learning rate.
In step 7 of the training procedure, the network error is determined. We use mean squared error (MSE)
as the loss function, described by the following equation:
1 2
LP = (YP − DP ) , (11)
2
where DP denotes the desired output value for a particular pattern P , YP is the actual output value, and LP
is the output of loss function, i.e. the MSE.
In step 9 of the training procedure, the kernel weights are updated. The weight updating is similar to
that applied in standard backpropagation, except that, in this case, each individual weight (or bias) is updated
1256
LIEW et al./Turk J Elec Eng & Comp Sci
∂Y P
wji (t + 1) = wji (t) − ηji , (12)
∂wji (t)
∂Y P
θj (t + 1) = θj (t) − ηj , (13)
∂θj (t)
where wji (t + 1) and θj (t + 1) are the new weight and bias values for the next training iteration, respectively.
(a) (b)
Figure 7. Cropped face images in SUMS database: (a) male subjects, (b) female subjects.
Figure 8. Cropped face images in AT&T database: (a) male subjects, (b) female subjects.
1257
LIEW et al./Turk J Elec Eng & Comp Sci
The cropped face images are normalized using the local contrast normalization method. The pixel values
are normalized to be within the range of −1 and +1 using the following equation:
( )
max − min
x = (x − xmin ) + min, (14)
xmax − xmin
where x is the input pixel value. xmax and xmin denote maximum and minimum pixel values in an input image,
respectively. max is the upper boundary value, and min is the lower boundary value after normalization.
The preprocessed (cropped and normalized) images are divided randomly into training and testing sets,
summarized as shown in Table 2. No images of the same subject exist in both training and testing sets.
classifications is obtained by presenting all the input patterns in the dataset to the network and accumulating
all the correct classifications. The classification rate is then obtained by the following equation:
Correct classifications
Classification rate = × 100%. (15)
Total testing samples
Figures 10a and 10b show the trends of the training and testing errors for the SUMS and AT&T datasets,
respectively. It is observed that in the initial stage of the epoch, training MSEs are higher compared to
corresponding testing MSEs, and they go lower after about 6 epochs. This can be explained by the fact that the
number of samples in the training set is greater than the testing set. At a further stage in the training process,
both training and testing errors are reduced to the extent that the values begin to stabilize. This indicates
that the network is arriving at convergence. The effect of using the 2nd order method for network learning (i.e.
SDLM) is clearly observed in the case of the SUMS database, implied by the steep gradient in the graph in
Figure 10a.
Figure 11 plots the misclassification error against epochs, showing that our CNN converges within 20
epochs of training iterations. We obtain a classification rate of 98.75% for the SUMS dataset and a high
classification rate of 99.38% for AT&T face database. In the case of the AT&T dataset, only one misclassification
is generated from 160 testing samples.
1258
LIEW et al./Turk J Elec Eng & Comp Sci
Figure 9. Feature maps at different layers of the CNN for a training image.
Mean Squared Errors (MSE) for Training and Testing Mean Squared Errors (MSE) for Training and Testing
0.55 0.22
0.5 0.2
Training Training
Mean Squared Error (MSE)
0.45 0.18
Testing Testing
0.4
0.16
0.35
0.14
0.3
0.12
0.25
0.1
0.2
0.15 0.08
0.1 a 0.06 b
0.05 0.04
0 2 4 6 8 10 12 0 2 4 6 8 10 12 14
Iterations (Epochs) Iterations (Epochs)
Figure 10. Training and testing errors for (a) SUMS, (b) AT&T database.
1259
LIEW et al./Turk J Elec Eng & Comp Sci
kernels on the classification performance on both SUMS and AT&T face databases. The same learning method
with the same parameter values was applied in both cases. Table 3 gives the results of this experiment.
We achieve a significant increase of 1.87% in the classification rate in the case of SUMS. The same result is
observed with the AT&T database, where the classification performance improves from 97.50% to 99.38%. This
result proves that using cross-correlation (no weight flipping) instead of convolution (kernel weights are flipped)
improves the classification performance of our CNN.
Misclassification Errors of Training and Testing Set Misclassification Errors of Training and Testing Set
120 25
Misclassification Error
80
15
60
10
40
5
20
a b
0 0
0 2 4 6 8 10 12 0 2 4 6 8 10 12 14
Iterations (Epochs) Iterations (Epochs)
Figure 11. Misclassification errors for (a) SUMS database, (b) AT&T database.
Table 5 shows previous related works on gender classification using the AT&T face database. To the
best of our knowledge, our proposed method achieves the highest classification rate among all other techniques
1260
LIEW et al./Turk J Elec Eng & Comp Sci
proposed in these papers. This shows the superior performance of the CNN over other feature extraction and
classification methods.
Table 5. Benchmarking results based on AT&T face database.
We measure the performances of different CNN architectures by evaluating the average processing time
needed for each of them. The average processing times for a single training epoch with 240 and 480 training
patterns, 10 training epochs, and testing of a single pattern are measured, respectively. The performance is
evaluated without taking into account the time taken for weight initialization and reading input images from
memory.
40
Average Processing Time (s)
35
30
25
20
15
10
0
a 10 Epochs 1 Epoch (Double Dataset Size) 1 Epoch b
Figure 12. Training performance for different CNN architectures running on (a) PC platform, (b) FPGA platform.
1261
LIEW et al./Turk J Elec Eng & Comp Sci
Figure 12 provides the processing times of LeNet-5 and our CNN with and without convolution weight
flipping. We observe that the proposed CNN requires the lowest processing time. Training the network for
one epoch in CNN1 (LeNet5 with weight flipping in kernels) consumes about 4.65 s, while CNN4 (our CNN
without weight flipping) requires only 1.98 s. CNN3 (our CNN with weight flipping) performs training of an
epoch within 2.02 s, which implies that the effect of weight flipping is not very significant in slowing down the
network for a single training epoch. However, the differences are amplified for more training epochs and with
larger datasets to be learned. The difference of processing times in CNN3 and CNN4 trained within 10 epochs
is 0.64 s. Similar patterns are observed as well in the FPGA platform. It is worth mentioning that the training
of the face database is completed within less than 15 epochs, which is less than 1 min.
Figure 13 illustrates the significant speedup obtained on a PC platform compared to the FPGA platform,
which is most probably due to hardware resource constraints on the second platform.
x 10 5 Average Processing Time for 1 Testing Epoch Average Processing Time for 1 Testing Epoch
2.5 600
LeNet−5 with weight flip (CNN1)
LeNet−5 without weight flip (CNN2)
500 Simplified CNN with weight flip (CNN3)
400
1.5
300
1
200
0.5
100
a 0 0
b
Without O3 Optimization With O3 Optimization Without O3 Optimization With O3 Optimization
Figure 13. Average processing time for a testing epoch running on (a) FPGA platform, (b) PC platform.
Average Processing Time for 1 Single Sample Average Processing Time for 1 Single Sample
0.7 1.4
LeNet−5 with weight flip (CNN1)
LeNet−5 without weight flip (CNN2)
0.6 1.2 Simplified CNN with weight flip (CNN3)
Average Processing Time (ms)
0.4 0.8
0.3 0.6
0.2 0.4
0.1 0.2
a 0 b 0
Figure 14. Average processing time for a single face image running on (a) PC platform, (b) FPGA platform.
In fact, in real-world applications, end users are more concerned with the classification time required for
a single input pattern, rather than total training time needed for the network to learn all the training patterns.
1262
LIEW et al./Turk J Elec Eng & Comp Sci
Figure 14 shows the amount of processing time required for evaluation of a single test pattern. The figure clearly
illustrates that the proposed CNN achieves significant speedup compared to LeNet-5, that is, 2.27 times faster
than the conventional architecture. In addition, the effect of weight flipping in the testing phase is obviously
seen as well. Our CNN without weight flipping performs 1.59 times faster than the one with weight flipping
operations. In this experiment, CNN4 achieves an average processing time of less than 0.27 ms for a single
sample. In other words, the proposed method is able to process more than 3700 3 input images of 2 × 32 pixels
within 1 s, which is very suitable for implementation in a real-time platform.
Acknowledgments
The authors would like to thank the Stanford University School of Medicine and AT&T Laboratories, Cam-
bridge, for compiling and maintaining the face databases. This work was supported by the Ministry of Science,
Technology and Innovation of Malaysia (MOSTI) and Universiti Teknologi Malaysia (UTM) under the eScience-
Fund Grant No. 4S116.
References
[1] Tivive FHC, Bouzerdoum A. A gender recognition system using shunting inhibitory convolutional neural networks.
In: International Joint Conference on Neural Networks; 2006; Vancouver, Canada. New York, NY, USA: IEEE. pp.
5336–5341.
[2] Khalajzadeh H, Mansouri M, Teshnehlab M. Face recognition using convolutional neural network and simple logistic
classifier. Stud Comp Intell 2013; 223: 197–207.
[3] Strigl D, Kofler K, Podlipnig S. Performance and scalability of GPU-based convolutional neural networks. In: 18th
Euromicro International Conference on Parallel, Distributed and Network-Based Processing; 17–19 February 2010;
Pisa, Italy. New York, NY, USA: IEEE. pp. 317–324.
[4] LeCun Y, Bottou L, Bengio Y, Haffner. P. Gradient-based learning applied to document recognition. P IEEE 1998;
86: 2278–2324.
[5] Duffner S. Face Image Analysis with Convolutional Neural Networks. Munich, Germany: GRIN Verlag, 2009.
[6] Fan J, Wei X, Ying W, Yihong G. Human tracking using convolutional neural networks. IEEE T Neural Networ
2010; 21: 1610–1623.
[7] Lian HC, Lu BL. Multi-view gender classification using local binary patterns and support vector machines. Lect
Notes Comput Sc 2006; 3972: 202–209.
1263
LIEW et al./Turk J Elec Eng & Comp Sci
[8] Nazir M, Ishtiaq M, Batool A, Jaffar MA, Mirza AM. Feature selection for efficient gender classification. In:
Proceedings of the 11th WSEAS International Conference; 2010. pp. 70–75.
[9] Golomb BA, Lawrence DT, Sejnowski TJ. SEXNET: A neural network identifies sex from human faces. In:
Proceedings of NIPS; 1990. pp. 572–579.
[10] Sun Z, Yuan X, Bebis G, Louis SJ. Neural-network-based gender classification using genetic search for eigen-
feature selection. In: Proceedings of the 2002 International Joint Conference on Neural Networks; 12–17 May 2002;
Honolulu, HI, USA. New York, NY, USA: IEEE. pp. 2433–2438.
[11] Dawwd SA, Mahmood BS. Video Based Face Recognition Using Convolutional Neural Network. Rijeka, Croatia:
InTech, 2011.
[12] Simard PY, Steinkraus D, Platt JC. Best Practices for Convolutional Neural Networks Applied to Visual Document
Analysis. Redmond, WA, USA: Microsoft Research, 2003.
[13] Mamalet F, Garcia C. Simplifying ConvNets for fast learning. In: Villa A, Duch W, Érdi P, Masulli F, Palm G,
editors. Artificial Neural Networks and Machine Learning – ICANN 2012. Vol. 7553. Berlin, Germany: Springer,
2012, pp. 58–65.
[14] Ji S, Wei X, Ming Y, Kai Y. 3D convolutional neural networks for human action recognition. IEEE T Patten Anal
2013; 35: 221–231.
[15] Mamalet F, Roux S, Garcia C. Embedded facial image processing with convolutional neural networks. In: Proceed-
ings of 2010 IEEE International Symposium on Circuits and Systems; 30 May–2 June 2010; Paris, France. New
York, NY, USA: IEEE. pp. 261–264.
[16] LeCun Y, Bottou L, Orr G, Müller KR. Efficient BackProp. Lect Notes Comp Sc 2002; 1524: 9–50.
[17] Khan MNA, Qureshi SA, Riaz N. Gender classification with decision trees. International Journal of Signal Process-
ing, Image Processing and Pattern Recognition 2013; 6: 165–176.
[18] Majid A, Khan A, Mirza AM. Gender classification using discrete cosine transformation: a comparison of different
classifiers. In: 7th International Multi Topic Conference; 9 December 2003; Islamabad, Pakistan. New York, NY,
USA: IEEE. pp. 59–64.
[19] Jiao Y, Yang J, Fang Z, Xie S, Park D. Comparing studies of learning methods for human face gender recognition.
Lect Notes Comp Sc 2012; 7701: 67–74.
[20] Basha AF, Jahangeer GSB. Face gender image classification using various wavelet transform and support vector
machine with various kernels. International Journal of Computer Science Issues 2012; 9: 150–157.
[21] Berbar M. Three robust features extraction approaches for facial gender classification. Visual Comput 2013; 30:
19–31.
1264