A method for fast 1-fold cross validation is proposed for the regularized extreme learning machine (RELM). The computational time of fast l-fold cross validation increases as the fold number decreases, which is oppo...A method for fast 1-fold cross validation is proposed for the regularized extreme learning machine (RELM). The computational time of fast l-fold cross validation increases as the fold number decreases, which is opposite to that of naive 1-fold cross validation. As opposed to naive l-fold cross validation, fast l-fold cross validation takes the advantage in terms of computational time, especially for the large fold number such as l 〉 20. To corroborate the efficacy and feasibility of fast l-fold cross validation, experiments on five benchmark regression data sets are evaluated.展开更多
Extreme learning machine(ELM)has been proved to be an effective pattern classification and regression learning mechanism by researchers.However,its good performance is based on a large number of hidden layer nodes.Wit...Extreme learning machine(ELM)has been proved to be an effective pattern classification and regression learning mechanism by researchers.However,its good performance is based on a large number of hidden layer nodes.With the increase of the nodes in the hidden layers,the computation cost is greatly increased.In this paper,we propose a novel algorithm,named constrained voting extreme learning machine(CV-ELM).Compared with the traditional ELM,the CV-ELM determines the input weight and bias based on the differences of between-class samples.At the same time,to improve the accuracy of the proposed method,the voting selection is introduced.The proposed method is evaluated on public benchmark datasets.The experimental results show that the proposed algorithm is superior to the original ELM algorithm.Further,we apply the CV-ELM to the classification of superheat degree(SD)state in the aluminum electrolysis industry,and the recognition accuracy rate reaches87.4%,and the experimental results demonstrate that the proposed method is more robust than the existing state-of-the-art identification methods.展开更多
Traditional artificial neural networks (ANN) such as back-propagation neural networks (BPNN) provide good predictions of length-of-day (LOD). However, the determination of network topology is difficult and time ...Traditional artificial neural networks (ANN) such as back-propagation neural networks (BPNN) provide good predictions of length-of-day (LOD). However, the determination of network topology is difficult and time consuming. Therefore, we propose a new type of neural network, extreme learning machine (ELM), to improve the efficiency of LOD predictions. Earth orientation parameters (EOP) C04 time-series provides daily values from International Earth Rotation and Reference Systems Service (IERS), which serves as our database. First, the known predictable effects that can be described by functional models-such as the effects of solid earth, ocean tides, or seasonal atmospheric variations--are removed a priori from the C04 time-series. Only the residuals after the subtraction of a priori model from the observed LOD data (i.e., the irregular and quasi-periodic variations) are employed for training and predictions. The predicted LOD is the sum of a prior extrapolation model and the ELM predictions of the residuals. Different input patterns are discussed and compared to optimize the network solution. The prediction results are analyzed and compared with those obtained by other machine learning-based prediction methods, including BPNN, generalization regression neural networks (GRNN), and adaptive network-based fuzzy inference systems (ANFIS). It is shown that while achieving similar prediction accuracy, the developed method uses much less training time than other methods. Furthermore, to conduct a direct comparison with the existing prediction tech- niques, the mean-absolute-error (MAE) from the proposed method is compared with that from the EOP prediction comparison campaign (EOP PCC). The results indicate that the accuracy of the proposed method is comparable with that of the former techniques. The implementation of the proposed method is simple.展开更多
Due to non-stationary characteristics of the vibration signal acquired from cylinder head,a misfire fault diagnosis system of automobile engines based on correlation coefficient gained by wavelet packet and extreme le...Due to non-stationary characteristics of the vibration signal acquired from cylinder head,a misfire fault diagnosis system of automobile engines based on correlation coefficient gained by wavelet packet and extreme learning machine(ELM)is proposed.Firstly,the original signal is decomposed by wavelet packet,and correlation coefficients between the reconstructed signal of each sub-band and the original signal as well as the energy entropy of each sample are obtained.Then,the eigenvectors established by the correlation coefficients method and the energy entropy method fused with kurtosis are inputted to the four kinds of classifiers including BP neural network,KNN classifier,support vector machine and ELM respectively for training and testing.Experimental results show that the method proposed in this paper can effectively reflect the differences that the fault produces and identify the single-cylinder misfire accurately,which has the advantages of higher accuracy and shorter training time.展开更多
Many respiratory infections around the world have been caused by coronaviruses.COVID-19 is one of the most serious coronaviruses due to its rapid spread between people and the lowest survival rate.There is a high need...Many respiratory infections around the world have been caused by coronaviruses.COVID-19 is one of the most serious coronaviruses due to its rapid spread between people and the lowest survival rate.There is a high need for computer-assisted diagnostics(CAD)in the area of artificial intelligence to help doctors and radiologists identify COVID-19 patients in cloud systems.Machine learning(ML)has been used to examine chest X-ray frames.In this paper,a new transfer learning-based optimized extreme deep learning paradigm is proposed to identify the chest X-ray picture into three classes,a pneumonia patient,a COVID-19 patient,or a normal person.First,three different pre-trainedConvolutionalNeuralNetwork(CNN)models(resnet18,resnet25,densenet201)are employed for deep feature extraction.Second,each feature vector is passed through the binary Butterfly optimization algorithm(bBOA)to reduce the redundant features and extract the most representative ones,and enhance the performance of the CNN models.These selective features are then passed to an improved Extreme learning machine(ELM)using a BOA to classify the chest X-ray images.The proposed paradigm achieves a 99.48%accuracy in detecting covid-19 cases.展开更多
There are various heterogeneous networks for terminals to deliver a better quality of service. Signal system recognition and classification contribute a lot to the process. However, in low signal to noise ratio(SNR)...There are various heterogeneous networks for terminals to deliver a better quality of service. Signal system recognition and classification contribute a lot to the process. However, in low signal to noise ratio(SNR) circumstances or under time-varying multipath channels, the majority of the existing algorithms for signal recognition are already facing limitations. In this series, we present a robust signal recognition method based upon the original and latest updated version of the extreme learning machine(ELM) to help users to switch between networks. The ELM utilizes signal characteristics to distinguish systems. The superiority of this algorithm lies in the random choices of hidden nodes and in the fact that it determines the output weights analytically, which result in lower complexity. Theoretically, the algorithm tends to offer a good generalization performance at an extremely fast speed of learning. Moreover, we implement the GSM/WCDMA/LTE models in the Matlab environment by using the Simulink tools. The simulations reveal that the signals can be recognized successfully to achieve a 95% accuracy in a low SNR(0 dB) environment in the time-varying multipath Rayleigh fading channel.展开更多
A solution is proposed for the real-time vehicle verification which is an important problem for numerous on- road vehicle applications. First, based on the vertical symmetry characteristics of vehicle images, a vertic...A solution is proposed for the real-time vehicle verification which is an important problem for numerous on- road vehicle applications. First, based on the vertical symmetry characteristics of vehicle images, a vertical symmetrical histograms of oriented gradients (VS-HOG) descriptor is proposed for extracting the image features. In the classification stage, an extreme learning machine (ELM) is used to improve the real-time performance. Experimental data demonstrate that, compared with other classical methods, the vehicle verification algorithm based on VS-HOG and ELM achieves a better trade-off between cost and performance. The computational cost is reduced by using the algorithm, while keeping the performance loss as low as possible. Furthermore, experimental results further show that the proposed vehicle verification method is suitable for on-road vehicle applications due to its better performance both in efficiency and accuracy.展开更多
As a way of training a single hidden layer feedforward network(SLFN),extreme learning machine(ELM)is rapidly becoming popular due to its efficiency.However,ELM tends to overfitting,which makes the model sensitive to n...As a way of training a single hidden layer feedforward network(SLFN),extreme learning machine(ELM)is rapidly becoming popular due to its efficiency.However,ELM tends to overfitting,which makes the model sensitive to noise and outliers.To solve this problem,L_(2,1)-norm is introduced to ELM and an L_(2,1)-norm robust regularized ELM(L_(2,1)-RRELM)was proposed.L_(2,1)-RRELM gives constant penalties to outliers to reduce their adverse effects by replacing least square loss function with a non-convex loss function.In light of the non-convex feature of L_(2,1)-RRELM,the concave-convex procedure(CCCP)is applied to solve its model.The convergence of L_(2,1)-RRELM is also given to show its robustness.In order to further verify the effectiveness of L_(2,1)-RRELM,it is compared with the three popular extreme learning algorithms based on the artificial dataset and University of California Irvine(UCI)datasets.And each algorithm in different noise environments is tested with two evaluation criterions root mean square error(RMSE)and fitness.The results of the simulation indicate that L_(2,1)-RRELM has smaller RMSE and greater fitness under different noise settings.Numerical analysis shows that L_(2,1)-RRELM has better generalization performance,stronger robustness,and higher anti-noise ability and fitness.展开更多
This study presents a time series prediction model with output self feedback which is implemented based on online sequential extreme learning machine. The output variables derived from multilayer perception can feedba...This study presents a time series prediction model with output self feedback which is implemented based on online sequential extreme learning machine. The output variables derived from multilayer perception can feedback to the network input layer to create a temporal relation between the current node inputs and the lagged node outputs while overcoming the limitation of memory which is a vital port for any time-series prediction application. The model can overcome the static prediction problem with most time series prediction models and can effectively cope with the dynamic properties of time series data. A linear and a nonlinear forecasting algorithms based on online extreme learning machine are proposed to implement the output feedback forecasting model. They are both recursive estimator and have two distinct phases: Predict and Update. The proposed model was tested against different kinds of time series data and the results indicate that the model outperforms the original static model without feedback.展开更多
The Extreme Learning Machine(ELM) and its variants are effective in many machine learning applications such as Imbalanced Learning(IL) or Big Data(BD) learning. However, they are unable to solve both imbalanced ...The Extreme Learning Machine(ELM) and its variants are effective in many machine learning applications such as Imbalanced Learning(IL) or Big Data(BD) learning. However, they are unable to solve both imbalanced and large-volume data learning problems. This study addresses the IL problem in BD applications. The Distributed and Weighted ELM(DW-ELM) algorithm is proposed, which is based on the Map Reduce framework. To confirm the feasibility of parallel computation, first, the fact that matrix multiplication operators are decomposable is illustrated.Then, to further improve the computational efficiency, an Improved DW-ELM algorithm(IDW-ELM) is developed using only one Map Reduce job. The successful operations of the proposed DW-ELM and IDW-ELM algorithms are finally validated through experiments.展开更多
Compared with traditional learning methods such as the back propagation(BP)method,extreme learning machine provides much faster learning speed and needs less human intervention,and thus has been widely used.In this pa...Compared with traditional learning methods such as the back propagation(BP)method,extreme learning machine provides much faster learning speed and needs less human intervention,and thus has been widely used.In this paper we combine the L1/2regularization method with extreme learning machine to prune extreme learning machine.A variable learning coefcient is employed to prevent too large a learning increment.A numerical experiment demonstrates that a network pruned by L1/2regularization has fewer hidden nodes but provides better performance than both the original network and the network pruned by L2regularization.展开更多
The Extreme Learning Machine(ELM) is an effective learning algorithm for a Single-Layer Feedforward Network(SLFN). It performs well in managing some problems due to its fast learning speed. However, in practical a...The Extreme Learning Machine(ELM) is an effective learning algorithm for a Single-Layer Feedforward Network(SLFN). It performs well in managing some problems due to its fast learning speed. However, in practical applications, its performance might be affected by the noise in the training data. To tackle the noise issue, we propose a novel heterogeneous ensemble of ELMs in this article. Specifically, the correntropy is used to achieve insensitive performance to outliers, while implementing Negative Correlation Learning(NCL) to enhance diversity among the ensemble. The proposed Heterogeneous Ensemble of ELMs(HE2 LM) for classification has different ELM algorithms including the Regularized ELM(RELM), the Kernel ELM(KELM), and the L2-norm-optimized ELM(ELML2). The ensemble is constructed by training a randomly selected ELM classifier on a subset of the training data selected through random resampling. Then, the class label of unseen data is predicted using a maximum weighted sum approach. After splitting the training data into subsets, the proposed HE2 LM is tested through classification and regression tasks on real-world benchmark datasets and synthetic datasets. Hence, the simulation results show that compared with other algorithms, our proposed method can achieve higher prediction accuracy, better generalization, and less sensitivity to outliers.展开更多
Local binary pattern(LBP)is an important method for texture feature extraction of facial expression.However,it also has the shortcomings of high dimension,slow feature extraction and noeffective local or global featur...Local binary pattern(LBP)is an important method for texture feature extraction of facial expression.However,it also has the shortcomings of high dimension,slow feature extraction and noeffective local or global features extracted.To solve these problems,a facial expression feature extraction method is proposed based on improved LBP.Firstly,LBP is converted into double local binary pattern(DLBP).Then by combining Taylor expansion(TE)with DLBP,DLBP-TE algorithm is obtained.Finally,the DLBP-TE algorithm combined with extreme learning machine(ELM)is applied in seven kinds of ficial expression images and the corresponding experiments are carried out in Japanese adult female facial expression(JAFFE)database.The results show that the proposed method can significantly improve facial expression recognition rate.展开更多
In the present scenario,computational modeling has gained much importance for the prediction of the properties of concrete.This paper depicts that how computational intelligence can be applied for the prediction of co...In the present scenario,computational modeling has gained much importance for the prediction of the properties of concrete.This paper depicts that how computational intelligence can be applied for the prediction of compressive strength of Self Compacting Concrete(SCC).Three models,namely,Extreme Learning Machine(ELM),Adaptive Neuro Fuzzy Inference System(ANFIS)and Multi Adaptive Regression Spline(MARS)have been employed in the present study for the prediction of compressive strength of self compacting concrete.The contents of cement(c),sand(s),coarse aggregate(a),fly ash(f),water/powder(w/p)ratio and superplasticizer(sp)dosage have been taken as inputs and 28 days compressive strength(fck)as output for ELM,ANFIS and MARS models.A relatively large set of data including 80 normalized data available in the literature has been taken for the study.A comparison is made between the results obtained from all the above-mentioned models and the model which provides best fit is established.The experimental results demonstrate that proposed models are robust for determination of compressive strength of self-compacting concrete.展开更多
The volume of hippocampal subfields is closely related with early diagnosis of Alzheimer's disease.Due to the anatomical complexity of hippocampal subfields,automatic segmentation merely on the content of MR image...The volume of hippocampal subfields is closely related with early diagnosis of Alzheimer's disease.Due to the anatomical complexity of hippocampal subfields,automatic segmentation merely on the content of MR images is extremely difficult.We presented a method which combines multi-atlas image segmentation with extreme learning machine based bias detection and correction technique to achieve a fully automatic segmentation of hippocampal subfields.Symmetric diffeomorphic registration driven by symmetric mutual information energy was implemented in atlas registration,which allows multi-modal image registration and accelerates execution time.An exponential function based label fusion strategy was proposed for the normalized similarity measure case in segmentation combination,which yields better combination accuracy.The test results show that this method is effective,especially for the larger subfields with an overlap of more than 80%,which is competitive with the current methods and is of potential clinical significance.展开更多
Previous studies revealed that the error of pole coordinate prediction will significantly increase for a prediction period longer than 100 days, and this is mainly caused by short period oscillations. Empirical mode d...Previous studies revealed that the error of pole coordinate prediction will significantly increase for a prediction period longer than 100 days, and this is mainly caused by short period oscillations. Empirical mode decomposition (EMD), which is increasingly popular and has advantages over classical wavelet decomposition, can be used to remove short period variations from observed time series of pole co- ordinates. A hybrid model combing EMD and extreme learning machine (ELM), where high frequency signals are removed and processed time series is then modeled and predicted, is summarized in this paper. The prediction performance of the hybrid model is compared with that of the ELM-only method created from original time series. The results show that the proposed hybrid model outperforms the pure ELM method for both short-term and long-term prediction of pole coordinates. The improvement of prediction accuracy up to 360 days in the future is found to be 24.91% and 26.79% on average in terms of mean absolute error (MAE) for the xp and yp components of pole coordinates, respectively.展开更多
Finger Knuckle Print biometric plays a vital role in establishing security for real-time environments. The success of human authentication depends on high speed and accuracy. This paper proposed an integrated approach...Finger Knuckle Print biometric plays a vital role in establishing security for real-time environments. The success of human authentication depends on high speed and accuracy. This paper proposed an integrated approach of personal authentication using texture based Finger Knuckle Print (FKP) recognition in multiresolution domain. FKP images are rich in texture patterns. Recently, many texture patterns are proposed for biometric feature extraction. Hence, it is essential to review whether Local Binary Patterns or its variants perform well for FKP recognition. In this paper, Local Directional Pattern (LDP), Local Derivative Ternary Pattern (LDTP) and Local Texture Description Framework based Modified Local Directional Pattern (LTDF_MLDN) based feature extraction in multiresolution domain are experimented with Nearest Neighbor and Extreme Learning Machine (ELM) Classifier for FKP recognition. Experiments were conducted on PolYU database. The result shows that LDTP in Contourlet domain achieves a promising performance. It also proves that Soft classifier performs better than the hard classifier.展开更多
Three-phase pulse width modulation converters using insulated gate bipolar transistors(IGBTs)have been widely used in industrial application.However,faults in IGBTs can severely affect the operation and safety of the ...Three-phase pulse width modulation converters using insulated gate bipolar transistors(IGBTs)have been widely used in industrial application.However,faults in IGBTs can severely affect the operation and safety of the power electronics equipment and loads.For ensuring system reliability,it is necessary to accurately detect IGBT faults accurately as soon as their occurrences.This paper proposes a diagnosis method based on data-driven theory.A novel randomized learning technology,namely extreme learning machine(ELM)is adopted into historical data learning.Ensemble classifier structure is used to improve diagnostic accuracy.Finally,time window is defined to illustrate the relevance between diagnostic accuracy and data sampling time.By this mean,an appropriate time window is achieved to guarantee a high accuracy with relatively short decision time.Compared to other traditional methods,ELM has a better classification performance.Simulation tests validate the proposed ELM ensemble diagnostic performance.展开更多
The recent development of phasor measurement technique opens the way for real-time post-disturbance transient stability assessment(TSA).Following a disturbance,since the transient instability can occur very fast,there...The recent development of phasor measurement technique opens the way for real-time post-disturbance transient stability assessment(TSA).Following a disturbance,since the transient instability can occur very fast,there is an urgent need for fast TSA with sufficient accuracy.This paper first identifies the tradeoff relationship between the accuracy and speed in post-disturbance TSA,and then proposes an optimal self-adaptive TSA method to optimally balance such tradeoff.It uses ensemble learning and credible decision-making rule to progressively predict the post-disturbance transient stability status,and models a multi-objective optimization problem to search for the optimal balance between TSA accuracy and speed.With such optimally balanced TSA performance,the TSA decision can be made as fast as possible while maintaining an acceptable level of accuracy.The proposed method is tested on New England 10-machine 39-bus system,and the simulation results verify its high efficacy.展开更多
基金supported by the National Natural Science Foundation of China(51006052)the NUST Outstanding Scholar Supporting Program
文摘A method for fast 1-fold cross validation is proposed for the regularized extreme learning machine (RELM). The computational time of fast l-fold cross validation increases as the fold number decreases, which is opposite to that of naive 1-fold cross validation. As opposed to naive l-fold cross validation, fast l-fold cross validation takes the advantage in terms of computational time, especially for the large fold number such as l 〉 20. To corroborate the efficacy and feasibility of fast l-fold cross validation, experiments on five benchmark regression data sets are evaluated.
基金supported by the National Natural Science Foundation of China(6177340561751312)the Major Scientific and Technological Innovation Projects of Shandong Province(2019JZZY020123)。
文摘Extreme learning machine(ELM)has been proved to be an effective pattern classification and regression learning mechanism by researchers.However,its good performance is based on a large number of hidden layer nodes.With the increase of the nodes in the hidden layers,the computation cost is greatly increased.In this paper,we propose a novel algorithm,named constrained voting extreme learning machine(CV-ELM).Compared with the traditional ELM,the CV-ELM determines the input weight and bias based on the differences of between-class samples.At the same time,to improve the accuracy of the proposed method,the voting selection is introduced.The proposed method is evaluated on public benchmark datasets.The experimental results show that the proposed algorithm is superior to the original ELM algorithm.Further,we apply the CV-ELM to the classification of superheat degree(SD)state in the aluminum electrolysis industry,and the recognition accuracy rate reaches87.4%,and the experimental results demonstrate that the proposed method is more robust than the existing state-of-the-art identification methods.
基金supported by the West Light Foundation of the Chinese Academy of Sciences
文摘Traditional artificial neural networks (ANN) such as back-propagation neural networks (BPNN) provide good predictions of length-of-day (LOD). However, the determination of network topology is difficult and time consuming. Therefore, we propose a new type of neural network, extreme learning machine (ELM), to improve the efficiency of LOD predictions. Earth orientation parameters (EOP) C04 time-series provides daily values from International Earth Rotation and Reference Systems Service (IERS), which serves as our database. First, the known predictable effects that can be described by functional models-such as the effects of solid earth, ocean tides, or seasonal atmospheric variations--are removed a priori from the C04 time-series. Only the residuals after the subtraction of a priori model from the observed LOD data (i.e., the irregular and quasi-periodic variations) are employed for training and predictions. The predicted LOD is the sum of a prior extrapolation model and the ELM predictions of the residuals. Different input patterns are discussed and compared to optimize the network solution. The prediction results are analyzed and compared with those obtained by other machine learning-based prediction methods, including BPNN, generalization regression neural networks (GRNN), and adaptive network-based fuzzy inference systems (ANFIS). It is shown that while achieving similar prediction accuracy, the developed method uses much less training time than other methods. Furthermore, to conduct a direct comparison with the existing prediction tech- niques, the mean-absolute-error (MAE) from the proposed method is compared with that from the EOP prediction comparison campaign (EOP PCC). The results indicate that the accuracy of the proposed method is comparable with that of the former techniques. The implementation of the proposed method is simple.
基金Tianjin Regional Demonstration Project of Marine Economy Innovation and Development(No.2015120024000473)
文摘Due to non-stationary characteristics of the vibration signal acquired from cylinder head,a misfire fault diagnosis system of automobile engines based on correlation coefficient gained by wavelet packet and extreme learning machine(ELM)is proposed.Firstly,the original signal is decomposed by wavelet packet,and correlation coefficients between the reconstructed signal of each sub-band and the original signal as well as the energy entropy of each sample are obtained.Then,the eigenvectors established by the correlation coefficients method and the energy entropy method fused with kurtosis are inputted to the four kinds of classifiers including BP neural network,KNN classifier,support vector machine and ELM respectively for training and testing.Experimental results show that the method proposed in this paper can effectively reflect the differences that the fault produces and identify the single-cylinder misfire accurately,which has the advantages of higher accuracy and shorter training time.
文摘Many respiratory infections around the world have been caused by coronaviruses.COVID-19 is one of the most serious coronaviruses due to its rapid spread between people and the lowest survival rate.There is a high need for computer-assisted diagnostics(CAD)in the area of artificial intelligence to help doctors and radiologists identify COVID-19 patients in cloud systems.Machine learning(ML)has been used to examine chest X-ray frames.In this paper,a new transfer learning-based optimized extreme deep learning paradigm is proposed to identify the chest X-ray picture into three classes,a pneumonia patient,a COVID-19 patient,or a normal person.First,three different pre-trainedConvolutionalNeuralNetwork(CNN)models(resnet18,resnet25,densenet201)are employed for deep feature extraction.Second,each feature vector is passed through the binary Butterfly optimization algorithm(bBOA)to reduce the redundant features and extract the most representative ones,and enhance the performance of the CNN models.These selective features are then passed to an improved Extreme learning machine(ELM)using a BOA to classify the chest X-ray images.The proposed paradigm achieves a 99.48%accuracy in detecting covid-19 cases.
基金supported by the National Science and Technology Major Project of the Ministry of Science and Technology of China(2014 ZX03001027)
文摘There are various heterogeneous networks for terminals to deliver a better quality of service. Signal system recognition and classification contribute a lot to the process. However, in low signal to noise ratio(SNR) circumstances or under time-varying multipath channels, the majority of the existing algorithms for signal recognition are already facing limitations. In this series, we present a robust signal recognition method based upon the original and latest updated version of the extreme learning machine(ELM) to help users to switch between networks. The ELM utilizes signal characteristics to distinguish systems. The superiority of this algorithm lies in the random choices of hidden nodes and in the fact that it determines the output weights analytically, which result in lower complexity. Theoretically, the algorithm tends to offer a good generalization performance at an extremely fast speed of learning. Moreover, we implement the GSM/WCDMA/LTE models in the Matlab environment by using the Simulink tools. The simulations reveal that the signals can be recognized successfully to achieve a 95% accuracy in a low SNR(0 dB) environment in the time-varying multipath Rayleigh fading channel.
基金The National Natural Science Foundation of China(No.61203237)the Natural Science Foundation of Zhejiang Province(No.LQ12F03016)the China Postdoctoral Science Foundation(No.2011M500836)
文摘A solution is proposed for the real-time vehicle verification which is an important problem for numerous on- road vehicle applications. First, based on the vertical symmetry characteristics of vehicle images, a vertical symmetrical histograms of oriented gradients (VS-HOG) descriptor is proposed for extracting the image features. In the classification stage, an extreme learning machine (ELM) is used to improve the real-time performance. Experimental data demonstrate that, compared with other classical methods, the vehicle verification algorithm based on VS-HOG and ELM achieves a better trade-off between cost and performance. The computational cost is reduced by using the algorithm, while keeping the performance loss as low as possible. Furthermore, experimental results further show that the proposed vehicle verification method is suitable for on-road vehicle applications due to its better performance both in efficiency and accuracy.
基金supported by the National Natural Science Foundation of China(51875457)the Key Research Project of Shaanxi Province(2022GY-050,2022GY-028)+1 种基金the Natural Science Foundation of Shaanxi Province of China(2022JQ-636,2022JQ-705,2021JQ-714)Shaanxi Youth Talent Lifting Plan of Shaanxi Association for Science and Technology(20220129)。
文摘As a way of training a single hidden layer feedforward network(SLFN),extreme learning machine(ELM)is rapidly becoming popular due to its efficiency.However,ELM tends to overfitting,which makes the model sensitive to noise and outliers.To solve this problem,L_(2,1)-norm is introduced to ELM and an L_(2,1)-norm robust regularized ELM(L_(2,1)-RRELM)was proposed.L_(2,1)-RRELM gives constant penalties to outliers to reduce their adverse effects by replacing least square loss function with a non-convex loss function.In light of the non-convex feature of L_(2,1)-RRELM,the concave-convex procedure(CCCP)is applied to solve its model.The convergence of L_(2,1)-RRELM is also given to show its robustness.In order to further verify the effectiveness of L_(2,1)-RRELM,it is compared with the three popular extreme learning algorithms based on the artificial dataset and University of California Irvine(UCI)datasets.And each algorithm in different noise environments is tested with two evaluation criterions root mean square error(RMSE)and fitness.The results of the simulation indicate that L_(2,1)-RRELM has smaller RMSE and greater fitness under different noise settings.Numerical analysis shows that L_(2,1)-RRELM has better generalization performance,stronger robustness,and higher anti-noise ability and fitness.
基金Foundation item: the National Natural Science Foundation of China (No. 61203337)
文摘This study presents a time series prediction model with output self feedback which is implemented based on online sequential extreme learning machine. The output variables derived from multilayer perception can feedback to the network input layer to create a temporal relation between the current node inputs and the lagged node outputs while overcoming the limitation of memory which is a vital port for any time-series prediction application. The model can overcome the static prediction problem with most time series prediction models and can effectively cope with the dynamic properties of time series data. A linear and a nonlinear forecasting algorithms based on online extreme learning machine are proposed to implement the output feedback forecasting model. They are both recursive estimator and have two distinct phases: Predict and Update. The proposed model was tested against different kinds of time series data and the results indicate that the model outperforms the original static model without feedback.
基金partially supported by the National Natural Science Foundation of China(Nos.61402089,61472069,and 61501101)the Fundamental Research Funds for the Central Universities(Nos.N161904001,N161602003,and N150408001)+2 种基金the Natural Science Foundation of Liaoning Province(No.2015020553)the China Postdoctoral Science Foundation(No.2016M591447)the Postdoctoral Science Foundation of Northeastern University(No.20160203)
文摘The Extreme Learning Machine(ELM) and its variants are effective in many machine learning applications such as Imbalanced Learning(IL) or Big Data(BD) learning. However, they are unable to solve both imbalanced and large-volume data learning problems. This study addresses the IL problem in BD applications. The Distributed and Weighted ELM(DW-ELM) algorithm is proposed, which is based on the Map Reduce framework. To confirm the feasibility of parallel computation, first, the fact that matrix multiplication operators are decomposable is illustrated.Then, to further improve the computational efficiency, an Improved DW-ELM algorithm(IDW-ELM) is developed using only one Map Reduce job. The successful operations of the proposed DW-ELM and IDW-ELM algorithms are finally validated through experiments.
基金Project supported by the National Natural Science Foundation of China(No.11171367)the Fundamental Research Funds for the Central Universities,China
文摘Compared with traditional learning methods such as the back propagation(BP)method,extreme learning machine provides much faster learning speed and needs less human intervention,and thus has been widely used.In this paper we combine the L1/2regularization method with extreme learning machine to prune extreme learning machine.A variable learning coefcient is employed to prevent too large a learning increment.A numerical experiment demonstrates that a network pruned by L1/2regularization has fewer hidden nodes but provides better performance than both the original network and the network pruned by L2regularization.
基金supported by the National Natural Science Foundation of China(Nos.61174103 and61603032)the National Key Technologies R&D Program of China(No.2015BAK38B01)+2 种基金the National Key Research and Development Program of China(No.2017YFB0702300)the China Postdoctoral Science Foundation(No.2016M590048)the University of Science and Technology Beijing–Taipei University of Technology Joint Research Program(TW201705)
文摘The Extreme Learning Machine(ELM) is an effective learning algorithm for a Single-Layer Feedforward Network(SLFN). It performs well in managing some problems due to its fast learning speed. However, in practical applications, its performance might be affected by the noise in the training data. To tackle the noise issue, we propose a novel heterogeneous ensemble of ELMs in this article. Specifically, the correntropy is used to achieve insensitive performance to outliers, while implementing Negative Correlation Learning(NCL) to enhance diversity among the ensemble. The proposed Heterogeneous Ensemble of ELMs(HE2 LM) for classification has different ELM algorithms including the Regularized ELM(RELM), the Kernel ELM(KELM), and the L2-norm-optimized ELM(ELML2). The ensemble is constructed by training a randomly selected ELM classifier on a subset of the training data selected through random resampling. Then, the class label of unseen data is predicted using a maximum weighted sum approach. After splitting the training data into subsets, the proposed HE2 LM is tested through classification and regression tasks on real-world benchmark datasets and synthetic datasets. Hence, the simulation results show that compared with other algorithms, our proposed method can achieve higher prediction accuracy, better generalization, and less sensitivity to outliers.
文摘Local binary pattern(LBP)is an important method for texture feature extraction of facial expression.However,it also has the shortcomings of high dimension,slow feature extraction and noeffective local or global features extracted.To solve these problems,a facial expression feature extraction method is proposed based on improved LBP.Firstly,LBP is converted into double local binary pattern(DLBP).Then by combining Taylor expansion(TE)with DLBP,DLBP-TE algorithm is obtained.Finally,the DLBP-TE algorithm combined with extreme learning machine(ELM)is applied in seven kinds of ficial expression images and the corresponding experiments are carried out in Japanese adult female facial expression(JAFFE)database.The results show that the proposed method can significantly improve facial expression recognition rate.
文摘In the present scenario,computational modeling has gained much importance for the prediction of the properties of concrete.This paper depicts that how computational intelligence can be applied for the prediction of compressive strength of Self Compacting Concrete(SCC).Three models,namely,Extreme Learning Machine(ELM),Adaptive Neuro Fuzzy Inference System(ANFIS)and Multi Adaptive Regression Spline(MARS)have been employed in the present study for the prediction of compressive strength of self compacting concrete.The contents of cement(c),sand(s),coarse aggregate(a),fly ash(f),water/powder(w/p)ratio and superplasticizer(sp)dosage have been taken as inputs and 28 days compressive strength(fck)as output for ELM,ANFIS and MARS models.A relatively large set of data including 80 normalized data available in the literature has been taken for the study.A comparison is made between the results obtained from all the above-mentioned models and the model which provides best fit is established.The experimental results demonstrate that proposed models are robust for determination of compressive strength of self-compacting concrete.
基金Supported by the National Natural Science Foundation of China(Nos.60971133,61271112)
文摘The volume of hippocampal subfields is closely related with early diagnosis of Alzheimer's disease.Due to the anatomical complexity of hippocampal subfields,automatic segmentation merely on the content of MR images is extremely difficult.We presented a method which combines multi-atlas image segmentation with extreme learning machine based bias detection and correction technique to achieve a fully automatic segmentation of hippocampal subfields.Symmetric diffeomorphic registration driven by symmetric mutual information energy was implemented in atlas registration,which allows multi-modal image registration and accelerates execution time.An exponential function based label fusion strategy was proposed for the normalized similarity measure case in segmentation combination,which yields better combination accuracy.The test results show that this method is effective,especially for the larger subfields with an overlap of more than 80%,which is competitive with the current methods and is of potential clinical significance.
文摘针对相控阵雷达识别的问题,提出一种基于粒子群优化极限学习机(PSO-KELM)的识别方法。在核函数极限学习机(kernel extreme learning machine,KELM)的基础上,引入粒子群优化算法(particle swarm optimization,PSO),求得核函数参数最优解,提高相控阵雷达识别准确率。通过构建雷达数据库,使用粒子群优化极限学习机的方法对不同噪声情况下的雷达数据进行识别,并与核函数极限学习机、核函数支持向量机(kernel support vector machine,KSVM)和半监督式迁移学习(semi-supervised and transfer learning,SSTL)的方法进行对比。仿真结果表明:在不同雷达种类和不同噪声情况下,该方法识别准确率均高于其他方法。
基金supported by Chinese Academy of Sciences(No.201491)“Light of West China” Program(201491)
文摘Previous studies revealed that the error of pole coordinate prediction will significantly increase for a prediction period longer than 100 days, and this is mainly caused by short period oscillations. Empirical mode decomposition (EMD), which is increasingly popular and has advantages over classical wavelet decomposition, can be used to remove short period variations from observed time series of pole co- ordinates. A hybrid model combing EMD and extreme learning machine (ELM), where high frequency signals are removed and processed time series is then modeled and predicted, is summarized in this paper. The prediction performance of the hybrid model is compared with that of the ELM-only method created from original time series. The results show that the proposed hybrid model outperforms the pure ELM method for both short-term and long-term prediction of pole coordinates. The improvement of prediction accuracy up to 360 days in the future is found to be 24.91% and 26.79% on average in terms of mean absolute error (MAE) for the xp and yp components of pole coordinates, respectively.
文摘Finger Knuckle Print biometric plays a vital role in establishing security for real-time environments. The success of human authentication depends on high speed and accuracy. This paper proposed an integrated approach of personal authentication using texture based Finger Knuckle Print (FKP) recognition in multiresolution domain. FKP images are rich in texture patterns. Recently, many texture patterns are proposed for biometric feature extraction. Hence, it is essential to review whether Local Binary Patterns or its variants perform well for FKP recognition. In this paper, Local Directional Pattern (LDP), Local Derivative Ternary Pattern (LDTP) and Local Texture Description Framework based Modified Local Directional Pattern (LTDF_MLDN) based feature extraction in multiresolution domain are experimented with Nearest Neighbor and Extreme Learning Machine (ELM) Classifier for FKP recognition. Experiments were conducted on PolYU database. The result shows that LDTP in Contourlet domain achieves a promising performance. It also proves that Soft classifier performs better than the hard classifier.
文摘Three-phase pulse width modulation converters using insulated gate bipolar transistors(IGBTs)have been widely used in industrial application.However,faults in IGBTs can severely affect the operation and safety of the power electronics equipment and loads.For ensuring system reliability,it is necessary to accurately detect IGBT faults accurately as soon as their occurrences.This paper proposes a diagnosis method based on data-driven theory.A novel randomized learning technology,namely extreme learning machine(ELM)is adopted into historical data learning.Ensemble classifier structure is used to improve diagnostic accuracy.Finally,time window is defined to illustrate the relevance between diagnostic accuracy and data sampling time.By this mean,an appropriate time window is achieved to guarantee a high accuracy with relatively short decision time.Compared to other traditional methods,ELM has a better classification performance.Simulation tests validate the proposed ELM ensemble diagnostic performance.
文摘The recent development of phasor measurement technique opens the way for real-time post-disturbance transient stability assessment(TSA).Following a disturbance,since the transient instability can occur very fast,there is an urgent need for fast TSA with sufficient accuracy.This paper first identifies the tradeoff relationship between the accuracy and speed in post-disturbance TSA,and then proposes an optimal self-adaptive TSA method to optimally balance such tradeoff.It uses ensemble learning and credible decision-making rule to progressively predict the post-disturbance transient stability status,and models a multi-objective optimization problem to search for the optimal balance between TSA accuracy and speed.With such optimally balanced TSA performance,the TSA decision can be made as fast as possible while maintaining an acceptable level of accuracy.The proposed method is tested on New England 10-machine 39-bus system,and the simulation results verify its high efficacy.