Next Article in Journal
Missing Data Probability Estimation-Based Bayesian Outlier Detection for Plant-Wide Processes with Multisampling Rates
Next Article in Special Issue
A Novel Aesthetic QR Code Algorithm Based on Hybrid Basis Vector Matrices
Previous Article in Journal
Global Mittag—Leffler Synchronization for Neural Networks Modeled by Impulsive Caputo Fractional Differential Equations with Distributed Delays
Previous Article in Special Issue
Vertex Labeling and Routing for Farey-Type Symmetrically-Structured Graphs
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Evolutionary Hierarchical Sparse Extreme Learning Autoencoder Network for Object Recognition

College of Intelligence Science, National University of Defense Technology, Changsha 410073, China
*
Author to whom correspondence should be addressed.
Symmetry 2018, 10(10), 474; https://doi.org/10.3390/sym10100474
Submission received: 20 September 2018 / Revised: 7 October 2018 / Accepted: 8 October 2018 / Published: 10 October 2018
(This article belongs to the Special Issue Symmetry in Computing Theory and Application)

Abstract

:
Extreme learning machine (ELM), characterized by its fast learning efficiency and great generalization ability, has been applied to various object recognition tasks. When extended to the stacked autoencoder network, which is a typical symmetrical representation learning model architecture, ELM manages to realize hierarchical feature extraction and classification, which is what deep neural networks usually do, but with much less training time. Nevertheless, the input weights and biases of the hidden nodes in ELM are generated according to a random distribution and may lead to the occurrence of non-optimal and redundant parameters that deteriorate discriminative features, which will have a bad influence on the final classification effect. In this paper, a novel sparse autoencoder derived from ELM and differential evolution is proposed and integrated into a hierarchical hybrid autoencoder network to accomplish the end-to-end learning with raw visible light camera sensor images and applied to several typical object recognition problems. Experimental results show that the proposed method is able to obtain competitive or better performance than current relevant methods with acceptable or less time consumption.

1. Introduction

Images obtained by visible light camera sensors are the carriers of perceptive information and taken as the indispensable inputs of computer vision algorithms. Among many different types of computer vision algorithms, object recognition is the fundamental and essential one, and its vital step is how to extract and identify the latent explanatory factors underlying the low-level sensory images, which is also called feature extraction. Since object recognition plays an important role in algorithms such as scene segmentation, object detection and tracking, the performance of practical applications, for instance, autonomous driving, relies heavily on the extent to which the useful information is organized and extracted from the images.
The prospect of feature extraction techniques mainly goes towards two directions. One is the feature engineering, which relies on human wisdom together with prior knowledge and is usually labor-intensive. The other is feature learning or representation learning, which is data-driven and enables directly learning and discovering generic priors from data. Due to the fast growth of powerful computing hardware and the availability of massive data, the community’s interest gradually has tended to focus on feature learning. The majority of state-of-the-art feature learning methods can be divided into two main categories, i.e., deep learning-based and extreme learning machine-based.
During the past few decades and nowadays, deep learning (DL [1,2,3,4]) has become no doubt the most popular neural network learning algorithm. The deep neural network is equipped with prominent representation learning ability and can imitate the visual cortex to learn multi-level features through layer-by-layer non-linear transformations. It has yielded a large amount of surprising achievement in various fields, speech recognition [5], object recognition [6,7,8] and transfer learning [9,10] included. Apart from these exciting results, deep learning is still facing several issues. Firstly, deep learning is computation-consuming because it has to tune iteratively numerous parameters of large-scale neural networks by gradient descent. Compensating for this gives rise to a desperate dependence on parallel computing hardware. Secondly, it is unavoidable that gradient descent is likely to get stuck in the local minimum since the cost function related to training a deep neural network can be extremely complex. The robustness of the trained network’s generalization performance is often not ensured. Lastly, how to design and train a proper deep neural network for a specific task accurately and efficiently is tricky, which demands for specific domain priors and rich engineering experience.
As a promising candidate, extreme learning machine (ELM), proposed by Huang et al. [11,12,13,14], is a simple, but effective algorithm. It is originated from the least squares theory and no longer optimizes neural network parameters through iterative gradient descent. Instead, the solution of the parameter optimization is analytically solved by using the Moore-Penrose (MP) generalized inverse, which ensures that ELM is characterized by a fast learning speed and good generalization performance. ELM, including its variants as well, is used to optimize the parameters of the single hidden layer feedforward networks (SLFNs). In most cases, the SLFN trained by ELM is usually fed by hand-crafted features and works as an outstanding classifier for many computer vision tasks like traffic sign recognition [15,16,17], cross-domain visual object detection [18], etc. Inspired by the learning mechanism of deep neural networks, especially the stacked autoencoder (SAE [4]), which is a typical symmetrical representation learning model architecture, ELM is promoted to train the multilayer neural network [19,20], which integrates feature learning and classification into one hierarchical architecture. Tang et al. replaced the l 2 norm constrain to the cost function of training the ELM-based autoencoder with l 1 optimization and made use of the FISTA algorithm [21] proposed by Beck and Teboulle to train a novel sparse ELM-based autoencoder. When stacked up and then combined with the conventional ELM classifier, such sparse ELM-based autoencoders form a multilayer network named hierarchical extreme learning machine (HELM [22]). It is reported that HELM has reached a higher recognition accuracy and is much faster than both conventional ELM-based methods and most deep learning methods on the mixed national institute of standards and technology database (MNIST [23]) and the NORB database [24].
However, the input weights and biases of the hidden nodes in ELM are generated according to a random distribution, which maps the inputs into the random feature space and may lead to the occurrence of non-optimal and redundant parameters that deteriorate discriminative features, which will have a bad influence on the final classification effect. In this paper, a hybrid method called the evolutionary hierarchical extreme learning network is proposed. Altogether, the main contribution is two-fold. Firstly, a novel sparse autoencoder is proposed by combining modified differential evolution with ELM so as to train a superior autoencoder with optimized hidden layer parameters and output weights, which makes the encoded features more discriminative. Secondly, the proposed evolutionary sparse ELM autoencoder is further integrated into a hierarchical network and realizes an end-to-end feature learning for object recognition with raw visible light camera sensor images. Experiments on two benchmarks (MNIST and NORB) show that the proposed method is able to obtain competitive or better performance than current relevant methods with acceptable or less time consumption.
The organization of the remaining sections are as follows. The preliminaries and research background are briefly introduced in Section 2. The details of the proposed method are described in Section 3. The experimental results and relevant analysis are given in Section 4, and Section 5 draws the final conclusion.

2. Background and Preliminaries

2.1. Differential Evolution

Differential evolution [25] (DE) was proposed by K. Price and R. Storn in 1997. It is an efficient heuristic member of the evolution algorithm family. DE shares the pipeline of common evolution algorithms (i.e., the composition of population initialization, fitness evaluation, individual mutation, crossover and selection), which is inspired by the natural biological evolution process, but it differs from other evolution algorithm members mainly in the way of mutating individuals. For any individual in the population of the k-th generation x i k , its corresponding mutated individual is given by Equation (1).
m i k = x i k + C m ( x p k x q k )
where C m [ 0 , 2 ] is the mutation strength factor, the mutation comes from the weighted difference between two other randomly-chosen individuals x p k and x q k , which makes DE a simple, but powerful self-organizing algorithm.
In more detail, Figure 1 illustrates the whole flowchart of DE, where there are six steps.
  • Initialize the population randomly or according to some specific distribution.
  • Pick out two individuals from the population randomly and compute the weighted difference.
  • Carry out the mutation according to Equation (1).
  • Conduct crossover between the mutated and the original individuals.
  • Evaluate the fitness values of all the individuals in both the original population and the one after crossover.
  • Select individuals according to the fitness values to form the population of the next generation.

2.2. Hierarchical Extreme Learning Machine

Generally, the proposal of ELM aims to train Single hidden layer feedforward networks (SLFNs). The universal approximation capability of ELM enables it to work well with a variety of features, and ELM or its variants usually work as a classifier in most applications. Tang et al. promoted ELM by proposing the hierarchical extreme learning machine (HELM), which integrates feature extraction and classification in one multilayer network. As Figure 2 shows, HELM is made up of two parts. One is the stacked sparse ELM autoencoders for unsupervised hierarchical feature learning, and the other is the conventional ELM classifier. Suppose that X = { x i R d , i = 1 , 2 , , N } is the training dataset; the sparse ELM autoencoder in HELM tries to minimize the reconstruction error together with the norm of the output weights.
F o b j e c t = arg min β { A β X 2 + β l 1 }
where A is the random hidden activation matrix given by Equation (3). The constraint on the norm of the output weights β is l 1 instead of the commonly-used l 2 optimization. The reason for choosing the l 1 norm instead of the l 2 norm is that it is hoped to force the autoencoder to learn more sparse and compact features and reduce the needed number of hidden nodes.
A = a ( w 1 · x 1 + b 1 ) a ( w M · x 1 + b M ) a ( w j · x i + b j ) a ( w 1 · x N + b 1 ) a ( w M · x N + b M )
where M is the hidden node number, w j , b j are the corresponding input weight, bias and activation function of the j-th hidden node and a ( · ) is the activation function.
A β = X
Since it is demonstrated in [26] that ELM has the universal approximation capability once the inputs are projected into random feature space, the encoding and decoding processing of the sparse ELM autoencoder in HELM can be treated as a linear system (see Equation (4)), and the expected output weights β can be solved by following the ELM theory and applying the FISTA algorithm (more details could be found in [22]). Then, the encoded features are computed below.
Y = a ( X · β )

3. Evolutionary Hierarchical Extreme Learning Network

Feature representation is crucial to solving the objection recognition problem. It is able to extract discriminative information from raw data while removing the irrelevant or reductant data. The success of HELM lies in that the features encoded by the ELM autoencoder network are sparse and discriminative. Even though generated randomly, the hidden layer parameters in the ELM autoencoder network are related to the solution of the output weights (see Equation (1)), which are used for feature encoding. Zhu et al. [27] stated that random hidden layer parameters are not ideal and will result in the emergence of non-optimal unnecessary parameters. In [28], singular value decomposition is applied to optimize the randomly-set hidden layer parameters, and the final performance gets promoted significantly. Thus, for the purpose of achieving the improvement on the feature encoding and finally the recognition precision, the hidden layer parameters should be carefully selected and optimized.
In this section, the proposed evolutionary hierarchical extreme learning network (EHELN) is presented. It can be seen in Figure 3 that there are two main modules composing the whole network, i.e., the classification module and the feature learning module. The former is actually a conventional ELM classifier. The latter is made up of two different autoencoders, i.e., the sparse ELM autoencoder in [22] for primary feature extraction, as well as dimensionality reduction, and the evolutionary sparse ELM autoencoder for high-level feature learning. During the training of the evolutionary sparse ELM autoencoder, the hidden layer parameters are searched by using differential evolution other than being randomly chosen in order to learn a more complete set of features with satisfactory discriminative capability. The next subsections will describe the details of the learning procedure of the evolutionary sparse ELM autoencoder.

3.1. Initialize the Population and Define the Fitness Function

Since the object to be optimized is the hidden layer parameters in the sparse ELM autoencoder, the definition of the individual in the initial population is direct and simple, i.e., the concatenation of the input weight and bias of each hidden node.
θ = [ w 1 , w 2 , w j , w N , b 1 , b 2 , b j , b N ]
where w j is the input weight and b j is the bias of the j-th hidden node, which are randomly initialized within [−1,1], and N is the hidden node number.
Following the ELM theory and HELM [22], each individual can be taken to compute analytically the sparse output weight with minimum norm by applying the FISTA algorithm [21]. There is no need to implement any backpropagation-based tuning, which is time-consuming and commonly utilized in deep learning.
The autoencoder aims to learn the feature space transformation that enables it to realize the reconstruction of the input data with minimized error. What is more, the learned features are expected to be discriminative enough, which means in the learned feature space, the data’s inter-distance should be as large as possible, while the intra-distance should be small. Therefore, the fitness function is defined to have two opponents, i.e., the reconstruction fitness F r and the discriminative fitness F d , which are given in Equation (7).
F β , θ = F r ( β ) + F d ( θ , β )
where β refers to the output weight when taking θ as the hidden layer parameters. As shown by Equation (8), F d is actually the ratio of the inter-class distance d i n t e r and the intra-class distance d i n t r a . Apparently, if the learned features are more discriminative, the values of F d will be higher so that data from different classes can be separated more easily.
p ( β ) = d i n t r a d i n t e r = i = 1 N c n i m i m 2 i = 1 N c x f c i x f m i 2
where X f is the encoded feature belonging to the i-th class, which is calculated by Equation (5), n i is the number of samples in the i-th class, N c is the number of classes and m i stands for the mean value of the features in the i-th class.
m i = 1 n i x f c i x f , m = 1 M i = 1 N c n i m i
where m is the mean value of the whole features and M is the total number.
Meanwhile, the reconstruction fitness F r is defined in Equation (10).
f ( θ , β ) = 1 j = 1 M a ( x j θ ) β x j 2 2 D × M = 1 j = 1 M i = 1 N a ( x j · w i + b i ) β x j 2 2 D × M
where D is the dimension of x j and ⊙ denotes the linear mapping operation of each hidden node.

3.2. Mutate and Crossover the Individuals

According to differential evolution, the mutation is self-organizing, which means the variation comes from the difference between individuals themselves. For any individual, the corresponding mutated one is generated by Equation (10).
m θ i = θ i + C m ( Δ θ r 1 + Δ θ r 2 )
where m θ i is the mutated individual, θ i is the original individual, Δ θ r 1 and Δ θ r 2 represent the difference of two pairs of other individuals, which are chosen randomly, and C m is a constant used to control and adapt the mutation strength.
μ θ i , k = θ i , k i f   f r a n d < C c o m θ i , k e l s e
Then, as shown in Equation (12), the crossover is conducted among the attributes of the original individuals and the mutated ones, where θ i , k and m θ i , k are the k-th attribute of the original individual and its mutated individual, respectively, μ θ i , k is the crossover attribute, C c o is the crossover factor and f r a n d is a function of a random number generator that gives the output within (0,1).

3.3. Select Predominant Individuals

At last, superior individuals from the augmented population, which contains both the original individuals and their corresponding mutated and crossover ones, will be picked out to form the population of the new generation. The superiority of the individuals is measured by the fitness function. The individual owning a larger fitness value has a higher probability to be selected. Moreover, Bartlett [29] has proven that the norm of weights in neural networks has a specifically important effect on the generalization performance, and the smaller the better. Taking this into consideration, when there exist individuals with similar fitness values, the one that leads to the output weight of the smaller norm will be chosen. Note that the fitness value of each individual is calculated on the basis of a subset of the whole training set to reduce computation consumption and avoid overfitting.

4. Experimental Results and Discussion

In this section, the proposed method is evaluated and compared with other related methods when applied to object recognition tasks on several typical benchmarks. The idea of the proposed evolutionary hierarchical sparse extreme learning autoencoder network was inspired by HELM, but it differs from HELM in that a hybrid stacked sparse autoencoder module, which is composed of evolutionary and conventional sparse ELM autoencoders, is integrated into the whole network for the extraction of more discriminative features oriented toward specific tasks. Firstly, the performance of the proposed method was evaluated and compared with HELM on five common multiple-class recognition databases preliminarily. The results are illustrated in Figure 4. The corresponding network configuration is given by Table 1, where L1 and L2 are the hidden node numbers of each stacked ELM autoencoder and L3 of the conventional ELM classifier.
Clearly, except achieving the same 100% recognition accuracy on the Iris database, the performance of the proposed method was almost better than that of HELM. Note that when conducting the training of networks on each database, the network settings of both the proposed method and HELM were the same. Therefore, it could be concluded that the evolutional sparse ELM autoencoder whose hidden layer parameters get optimized by differential evolution outperformed the conventional ones used by HELM, and compared with HELM, the proposed evolutionary hierarchical sparse extreme learning autoencoder network was able to extract features equipped with better discriminative capability, which finally helped to improve the recognition accuracy.
Next, two representative object recognition benchmarks were used for further performance comparisons. Comparative methods include the ELM-based ML-ELM [19], HELM [22], as well as the DL-based SAE [4], SDA [30], DBN [31] and DBM [32]. The learning rate of the DL-based methods was 0.1, and the decay rate was 0.95. As for SDA, the corruption rate was set as 0.5, while the drop rate was 0.2. In ML-ELM, there were three hidden layers in all, the l 2 penalty coefficients of which were 10 1 , 10 3 and 10 8 , respectively. The mutation strength constant and the crossover factor used in the proposed method were 1 and 0.8 correspondingly. Except that the pixel values of the input raw images were normalized to [−1,1], no other image preprocessing was conducted.
The MNIST 2D handwritten digit recognition database and NORB 3D object recognition database were used in comparative experiments, both of which are the representative benchmarks for evaluating object recognition algorithms. The MNIST consists of 70,000 grayscale 28 × 28 images of handwritten digits collected from 500 people (see Figure 5a). There are 60,000 images in the training set, each of which contains a digit from 0–9. The MNIST requires nearly no formatting and preprocessing and is a practical platform for real-world objection recognition application. Meanwhile, the NORB dataset is more challenging than the MNIST and oriented toward recognizing 3D objects under different imaging conditions (see Figure 5b). It comprises 97,200 images of 50 3D toys that belong to five major categories, such as animals, planes, and so on. All the images were captured by two visible light cameras set at 9 azimuths and 36 angles under 6 different lighting conditions.

4.1. Comparison with HELM and Analysis

At first, the proposed method was compared with the HELM so as to validate that the evolutionary sparse ELM autoencoder used in the proposed method did help improve the performance. With regards to this, except for changing the hidden node number of the evolutionary sparse ELM autoencoder, the other network architectures of the proposed evolutionary hierarchical extreme learning network were the same as those of the HELM. For the MNIST dataset, the number of hidden nodes of the sparse ELM autoencoder and ELM classifier was 700 and 12,000, respectively, while 3000 and 15,000 for the NORB dataset. The regularization parameter C was 2 × 10 30 . Table 2 and Table 3 show the recognition accuracy varying with the number of hidden nodes in the conventional sparse ELM autoencoder in HELM and the evolutionary sparse ELM autoencoder in the proposed method on the MNIST dataset and the NORB dataset, respectively.
Apparently, it can be illustrated that with the same number of hidden nodes the recognition precision of the proposed method was always higher than HELM. Increasing the hidden node number helps to improve the performance, but overfitting will happen if the hidden node number is too large. The proposed method could reach the same recognition accuracy as that of HELM, but called for less hidden nodes. This should benefit from the optimized hidden layer parameters obtained by differential evolution during the learning procedure of the the evolutionary sparse ELM autoencoder.
Furthermore, the highest level features encoded by the last sparse ELM autoencoder in HELM and the evolutionary sparse ELM autoencoder in the proposed method were taken out, and the discriminative rate given in Equation (8) was adopted to measure how discriminative the features were quantitatively, which is given in Table 4 and Table 5. Clearly, the discriminative rates of the features encoded by the proposed method (0.9372 on MNIST and 0.4724 on NORB) were higher than those encoded by HELM (0.9274 on MNIST and 0.4711 on NORB). It can be concluded that the hidden layer parameters did impact the feature encoding of the ELM-based autoencoder, and the encoded features of the proposed method were more discriminative and can provide more useful information for building classifiers with good generalization capability. This could be the clue to explain the results shown in Table 2 and Table 3.

4.2. Comparison with Relevant State-of-the-Art Methods and Analysis

Next, both the performance and the training cost of the proposed method were compared with those of relevant state-of-the-art methods, which are given by Figure 6 and Figure 7. In terms of recognition accuracy, the proposed method obtained the best results (i.e., 99.23% on MNIST and 92.46% on NORB), followed by HELM, DBM and then the ML-ELM and the like. Since it can be inferred from the aforementioned experimental comparison and analysis that the improved performance of the proposed method was derived from differential evolution, more computation was needed for searching the optimized hidden layer parameters such that it required a longer training phase than what other ELM-based methods do. However, differential evolution was only applied to the evolutionary sparse ELM autoencoder, which was stacked at higher layers of the whole network for high-level feature extraction. The learning of other modules in the proposed method still followed the ELM theory. Hence, the computation cost became larger, but acceptable. Compared with ELM-based methods, the training period of the proposed method was much longer, but was about at least two- or three-times faster than the DL-based methods.

4.3. Application on a Real Complex Dataset

For the purpose of demonstrating the applicability of the proposed method on a real complex recognition task, the German traffic sign recognition benchmark (GTSRB [33]) was chosen as the test dataset, which contains more than 50,000 images of traffic signs captured in various real scenes and weather situations. The images in GTSRB suffer from issues such as contrast degradation, occlusion, over exposure, distortion, and so on. All the traffic signs belong to 43 classes in all (see Figure 8), the size of which ranges from 15 × 15 to 250 × 250 .
The network structure of the proposed method here is in accordance with the one used in the experiments on MNIST and NORB datasets, that is two sparse ELM autoencoders for feature encoding and one ELM classifier for feature classification. Before applying the proposed method, all the traffic sign images were resized to 48 × 48 and centered to have mean value of zero and scaled to have a standard deviation of one. The ZCA whiten procedure was conducted to normalize all the image samples, which were then fed to the proposed method for training and testing. The final results of recognition rates were recorded. The relevant rival methods that had formal reported results on GTSRB were also given, including HOG-LDA [33], HOG-random forests [34], BW-ELM [35], HELM [22] and HOGv-ELM [15]. As is shown in Table 6, the proposed method owned the second highest recognition accuracy of 98.91%, that is 0.18% lower than the best result of HOGv-ELM. Note that HOGv-ELM is based on the variant version of HOG features that is specifically designed for representing traffic signs, while the proposed method learned the feature representation directly from raw inputs. The proposed method outperformed other methods with a recognition rate that was better than human performance. Such a result could to some extent demonstrate that the proposed method was meaningful and useful for real practical application.

5. Conclusions

In this paper, a novel evolutionary sparse ELM autoencoder was proposed and embedded in the hierarchical neural network called the evolutionary hierarchical sparse extreme learning autoencoder network. Due to the training of the whole network being based on least mean squares, it is faster and requires less computation than rival deep learning methods while maintaining great performance. Besides, since the parameters in the hidden layer of the sparse ELM autoencoder are optimized by differential evolution other than being generated randomly, the discriminative ability of the encoded features get further strengthened, so that the proposed method can outperform previous ELM-based opponents with acceptable time consumption when applied to object recognition problems. Experimental results on typical benchmarks have also validated the proposed method’s utility and capability.
Since it is reported that ELM with a local receptive field and combinational node has achieved impressive results superior to state-of-the-art methods including convolutional neural networks, the future work should extend the proposed evolutionary sparse ELM autoencoder to such a new ELM structure so as to further improve the quality of the feature encoding. In the meantime, more challenging tasks and data such as the ones perceived by the visible light camera mounted on real cars will also be used to test the proposed method’s robustness and generalization performance.

Author Contributions

Y.Z. came up with the idea and proposed the algorithm; L.Q. implemented the experiments and analyzed the data; Y.Z. and J.R. accomplished the writing and revising of the paper.

Funding

This research work was supported by the National Natural Science Foundation of China under Grants 61503400, 61375050 and 91220301.

Acknowledgments

The authors appreciate the insightful comments given by all the anonymous reviewers and the corresponding database sharing provided by New York University.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
ELMExtreme Learning Machine
HELMHierarchical Extreme Learning Machine
EHELNEvolutionary Hierarchical Extreme Learning Network
DLDeep Learning
SAEStacked Autoencoder
SDAStacked Denoising Autoencoder
DBNDeep Belief Network
DBMDeep Boltzmann Machine
ML-ELMMulti-Layer Extreme Learning Machine
SLFNSingle Hidden Layer Feedforward Network

References

  1. Bengio, Y. Learning deep architectures for AI. Found. Trends Mach. Learn. 2009, 2, 1–127. [Google Scholar] [CrossRef]
  2. Bengio, Y.; Courville, A.; Vincent, P. Representation learning: A review and new perspectives. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 1798–1828. [Google Scholar] [CrossRef] [PubMed]
  3. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef] [PubMed]
  4. Hinton, G.E.; Salakhutdinov, R.R. Reducing the dimensionality of data with neural networks. Science 2006, 313, 504–507. [Google Scholar] [CrossRef] [PubMed]
  5. Dahl, G.E.; Yu, D.; Deng, L.; Acero, A. Context-dependent pre-trained deep neural networks for large-vocabulary speech recognition. IEEE Trans. Audio Speech Lang. Process. 2012, 20, 30–42. [Google Scholar] [CrossRef]
  6. Graves, A.; Mohamed, A.R.; Hinton, G. Speech recognition with deep recurrent neural networks. In Proceedings of the 2013 IEEE International Conference on Acoustics, Speech and Signal Processing, Vancouver, BC, Canada, 26–31 May 2013; pp. 6645–6649. [Google Scholar]
  7. Jarrett, K.; Kavukcuoglu, K.; LeCun, Y. What is the best multi-stage architecture for object recognition? In Proceedings of the 2009 IEEE 12th International Conference on Computer Vision, Kyoto, Japan, 29 September–2 October 2009; pp. 2146–2153. [Google Scholar]
  8. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet Classification with Deep Convolutional Neural Networks. In Proceedings of the Neural Information and Processing Systems, Lake Tahoe, NV, USA, 3–6 December 2012. [Google Scholar]
  9. Mesnil, G.; Dauphin, Y.; Glorot, X.; Rifai, S.; Bengio, Y.; Goodfellow, I.; Lavoie, E.; Muller, X.; Desjardins, G.; Warde-Farley, D.; et al. Unsupervised and transfer learning challenge: A deep learning approach. J. Mach. Learn. Res. 2011, 7, 97–110. [Google Scholar]
  10. Bengio, Y. Deep learning of representations for unsupervised and transfer learning. J. Mach. Learn. Res. 2012, 27, 17–37. [Google Scholar]
  11. Huang, G.B.; Zhu, Q.Y.; Siew, C.K. Extreme learning machine: Theory and applications. Neurocomputing 2006, 70, 489–501. [Google Scholar] [CrossRef] [Green Version]
  12. Huang, G.B. An insight into extreme learning machines: Random neurons, random features and kernels. Cognit. Comput. 2014, 6, 376–390. [Google Scholar] [CrossRef]
  13. Huang, G.B.; Zhu, Q.Y.; Siew, C.K. Extreme learning machine: A new learning scheme of feedforward neural networks. In Proceedings of the IEEE International Joint Conference on Neural Networks (IJCNN2004), Budapest, Hungary, 25–29 July 2004; pp. 985–990. [Google Scholar]
  14. Huang, G.B.; Zhou, H.; Ding, X.; Zhang, R. Extreme learning machine for regression and multiclass classification. IEEE Trans. Syst. Man Cybern. B 2012, 42, 513–529. [Google Scholar] [CrossRef] [PubMed]
  15. Huang, Z.; Yu, Y.; Gu, J.; Liu, H. An Efficient Method for Traffic Sign Recognition Based on Extreme Learning Machine. IEEE Trans. Cybern. 2017, 47, 920–933. [Google Scholar] [CrossRef] [PubMed]
  16. Zeng, Y.; Xu, X.; Fang, Y.; Zhao, K. Traffic sign recognition using deep convolutional networks and extreme learning machine. In Proceedings of the International Conference on Intelligent Science and Big Data Engineering, Suzhou, China, 14–16 June 2015; pp. 272–280. [Google Scholar]
  17. Zeng, Y.; Xu, X.; Shen, D.; Fang, Y.; Xiao, Z. Traffic sign recognition using kernel extreme learning machines with deep perceptual features. IEEE Trans. Intell. Transp. Syst. 2016, 18, 1647–1653. [Google Scholar] [CrossRef]
  18. Zhang, L.; He, Z.; Liu, Y. Deep object recognition across domains based on adaptive extreme learning machine. Neural Comput. 2017, 239, 194–203. [Google Scholar] [CrossRef]
  19. Kasun, L.L.C.; Zhou, H.; Huang, G.B.; Vong, C.M. Representational learning with extreme learning machine for big data. IEEE Intell. Syst. 2013, 28, 31–34. [Google Scholar]
  20. Tissera, M.D.; McDonnell, M.D. Deep extreme learning machines: Supervised autoencoding architecture for classification. Neural Comput. 2016, 174, 42–49. [Google Scholar] [CrossRef]
  21. Beck, A.; Teboulle, M. A fast iterative shrinkage-thresholding algorithm for linear inverse problems. SIAM J. Imaging Sci. 2009, 2, 183–202. [Google Scholar] [CrossRef]
  22. Tang, J.; Deng, C.; Huang, G.B. Extreme learning machine for multilayer perceptron. IEEE Trans. Neural Netw. Learn. Syst. 2016, 27, 809–821. [Google Scholar] [CrossRef] [PubMed]
  23. LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-Based Learning Applied to Document Recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef]
  24. LeCun, Y.; Huang, F.J.; Bottou, L. Learning Methods for Generic Object Recognition with Invariance to Pose and Lighting. In Proceedings of the 2004 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Washington, DC, USA, 27 June–2 July 2004; pp. II-97–CII-104. [Google Scholar]
  25. Storn, R.; Price, K. Differential evolution–A simple and efficient heuristic for global optimization over continuous spaces. J. Glob. Optim. 1997, 11, 341–359. [Google Scholar] [CrossRef]
  26. Huang, G.B.; Chen, L.; Siew, C.K. Universal approximation using incremental constructive feedforward networks with random hidden nodes. IEEE Trans. Neural Netw. 2006, 17, 879–892. [Google Scholar]
  27. Zhu, Q.Y.; Qin, A.K.; Suganthan, P.N.; Huang, G.B. Evolutionary extreme learning machine. Pattern Recognit. 2005, 38, 1759–1763. [Google Scholar] [CrossRef]
  28. Huang, G.B.; Bai, Z.; Kasun, L.L.C.; Vong, C.M. Local receptive fields based extreme learning machine. IEEE Comput. Intell. Mag. 2015, 10, 18–29. [Google Scholar] [CrossRef]
  29. Bartlett, P.L. The sample complexity of pattern classification with neural networks: The size of the weights is more important than the size of the network. IEEE Trans. Inf. Theory 1998, 44, 525–536. [Google Scholar] [CrossRef] [Green Version]
  30. Vincent, P.; Larochelle, H.; Bengio, Y.; Manzagol, P.A. Extracting and Composing Robust Features with Denoising Autoencoders. In Proceedings of the 25th International Conference on Machine Learning, Helsinki, Finland, 5–9 July 2008. [Google Scholar]
  31. Hinton, G.E.; Osindero, S.; Teh, Y.W. A fast learning algorithm for deep belief nets. Neural Comput. 2006, 18, 1527–1554. [Google Scholar] [CrossRef] [PubMed]
  32. Salakhutdinov, R.; Larochelle, H. Deep Boltzmann machines. In Proceedings of the Twelfth International Conference on Artificial Intelligence and Statistics, Clearwater Beach, FL, USA, 16–18 April 2009; pp. 448–455. [Google Scholar]
  33. Stallkamp, J.; Schlipsing, M.; Salmen, J.; Igel, C. Man vs. computer: Benchmarking machine learning algorithms for traffic sign recognition. Neural Netw. 2012, 32, 323–332. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  34. Zaklouta, F.; Stanciulescu, B.; Hamdoun, O. Traffic sign classification using K-d trees and random forests. In Proceedings of the 2011 International Joint Conference on Neural Networks, San Jose, CA, USA, 31 July–5 August 2011; pp. 2151–2155. [Google Scholar]
  35. Sun, Z.L.; Wang, H.; Lau, W.S.; Seet, G.; Wang, D. Application of BW-ELM model on traffic sign recognition. Neural Comput. 2014, 29, 153–159. [Google Scholar] [CrossRef]
Figure 1. The illustration of the differential evolution algorithm.
Figure 1. The illustration of the differential evolution algorithm.
Symmetry 10 00474 g001
Figure 2. The architecture of the hierarchical extreme learning machine network.
Figure 2. The architecture of the hierarchical extreme learning machine network.
Symmetry 10 00474 g002
Figure 3. The architecture of the proposed evolutionary hierarchical extreme learning network.
Figure 3. The architecture of the proposed evolutionary hierarchical extreme learning network.
Symmetry 10 00474 g003
Figure 4. Recognition performance comparison between the proposed method and HELM on five multiple-class recognition benchmarks.
Figure 4. Recognition performance comparison between the proposed method and HELM on five multiple-class recognition benchmarks.
Symmetry 10 00474 g004
Figure 5. Part image examples in (a) the Mixed National Institute of Standards and Technology (MNIST) dataset and (b) the NORBdataset.
Figure 5. Part image examples in (a) the Mixed National Institute of Standards and Technology (MNIST) dataset and (b) the NORBdataset.
Symmetry 10 00474 g005
Figure 6. Recognition performance comparison with relevant rival algorithms on (a) the MNIST dataset and (b) the NORB dataset.
Figure 6. Recognition performance comparison with relevant rival algorithms on (a) the MNIST dataset and (b) the NORB dataset.
Symmetry 10 00474 g006
Figure 7. Training time comparison with relevant rival algorithms on (a) the MNIST dataset and (b) the NORB dataset.
Figure 7. Training time comparison with relevant rival algorithms on (a) the MNIST dataset and (b) the NORB dataset.
Symmetry 10 00474 g007
Figure 8. Typical sample examples in the GTSRB dataset.
Figure 8. Typical sample examples in the GTSRB dataset.
Symmetry 10 00474 g008
Table 1. Network configuration of the proposed method and HELM on different benchmark datasets.
Table 1. Network configuration of the proposed method and HELM on different benchmark datasets.
Benchmark Database NameNumber of Hidden Nodes in Each Layer
LetterL1 = L2 = 200, L3 = 2000
IrisL1 = L2 = 20, L3 = 200
GlassL1 = L2 = 20, L3 = 200
WineL1 = L2 = 20, L3 = 500
SatimageL1 = L2 = 100, L3 = 1000
Table 2. Recognition accuracy (%) vs. different hidden nodes of the proposed method and HELM on the MNIST dataset.
Table 2. Recognition accuracy (%) vs. different hidden nodes of the proposed method and HELM on the MNIST dataset.
Hidden Node Number300400500600700800900
HELM0.98950.98930.98900.98990.99130.98920.9891
the proposed method0.99170.99200.99190.91190.99230.99190.9919
Table 3. Recognition accuracy (%) vs. different hidden nodes of the proposed method and HELM on the NORB dataset.
Table 3. Recognition accuracy (%) vs. different hidden nodes of the proposed method and HELM on the NORB dataset.
Hidden Node Number1000150020002500300035004000
HELM0.90210.89840.90260.90010.91280.90040.9007
the proposed method0.91230.91200.91190.91360.92460.91180.9117
Table 4. Discriminative rate comparison of the features encoded by the proposed method and HELM on the MNIST dataset.
Table 4. Discriminative rate comparison of the features encoded by the proposed method and HELM on the MNIST dataset.
MethodHELMThe Proposed Method
Discriminative rate0.92740.9372
Table 5. Discriminative rate comparison of the features encoded by the proposed method and HELM on the NORB dataset.
Table 5. Discriminative rate comparison of the features encoded by the proposed method and HELM on the NORB dataset.
MethodHELMThe Proposed Method
Discriminative rate0.47110.4724
Table 6. Recognition performance comparison with relevant rival methods on the GTSRB dataset.
Table 6. Recognition performance comparison with relevant rival methods on the GTSRB dataset.
MethodHOG-LDAHOG-Random ForestsBW-ELMHELM
Accuracy (%)95.6896.1497.1997.85
MethodHuman PerformanceHOGv-ELMProposed Method
Accuracy (%)98.8499.0998.91

Share and Cite

MDPI and ACS Style

Zeng, Y.; Qian, L.; Ren, J. Evolutionary Hierarchical Sparse Extreme Learning Autoencoder Network for Object Recognition. Symmetry 2018, 10, 474. https://doi.org/10.3390/sym10100474

AMA Style

Zeng Y, Qian L, Ren J. Evolutionary Hierarchical Sparse Extreme Learning Autoencoder Network for Object Recognition. Symmetry. 2018; 10(10):474. https://doi.org/10.3390/sym10100474

Chicago/Turabian Style

Zeng, Yujun, Lilin Qian, and Junkai Ren. 2018. "Evolutionary Hierarchical Sparse Extreme Learning Autoencoder Network for Object Recognition" Symmetry 10, no. 10: 474. https://doi.org/10.3390/sym10100474

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop