To solve the multi-class fault diagnosis tasks, decision tree support vector machine (DTSVM), which combines SVM and decision tree using the concept of dichotomy, is proposed. Since the classification performance of...To solve the multi-class fault diagnosis tasks, decision tree support vector machine (DTSVM), which combines SVM and decision tree using the concept of dichotomy, is proposed. Since the classification performance of DTSVM highly depends on its structure, to cluster the multi-classes with maximum distance between the clustering centers of the two sub-classes, genetic algorithm is introduced into the formation of decision tree, so that the most separable classes would be separated at each node of decisions tree. Numerical simulations conducted on three datasets compared with "one-against-all" and "one-against-one" demonstrate the proposed method has better performance and higher generalization ability than the two conventional methods.展开更多
Support vector machine (SVM), as a novel approach in pattern recognition, has demonstrated a success in face detection and face recognition. In this paper, a face recognition approach based on the SVM classifier with ...Support vector machine (SVM), as a novel approach in pattern recognition, has demonstrated a success in face detection and face recognition. In this paper, a face recognition approach based on the SVM classifier with the nearest neighbor classifier (NNC) is proposed. The principal component analysis (PCA) is used to reduce the dimension and extract features. Then one-against-all stratedy is used to train the SVM classifiers. At the testing stage, we propose an al-展开更多
To make the modulation classification system more suitable for signals in a wide range of signal to noise rate (SNR), a feature extraction method based on signal wavelet packet transform modulus maxima matrix (WPT...To make the modulation classification system more suitable for signals in a wide range of signal to noise rate (SNR), a feature extraction method based on signal wavelet packet transform modulus maxima matrix (WPTMMM) and a novel support vector machine fuzzy network (SVMFN) classifier is presented. The WPTMMM feature extraction method has less computational complexity, more stability, and has the preferable advantage of robust with the time parallel moving and white noise. Further, the SVMFN uses a new definition of fuzzy density that incorporates accuracy and uncertainty of the classifiers to improve recognition reliability to classify nine digital modulation types (i.e. 2ASK, 2FSK, 2PSK, 4ASK, 4FSK, 4PSK, 16QAM, MSK, and OQPSK). Computer simulation shows that the proposed scheme has the advantages of high accuracy and reliability (success rates are over 98% when SNR is not lower than 0dB), and it adapts to engineering applications.展开更多
A semi-supervised vector machine is a relatively new learning method using both labeled and unlabeled data in classifi- cation. Since the objective function of the model for an unstrained semi-supervised vector machin...A semi-supervised vector machine is a relatively new learning method using both labeled and unlabeled data in classifi- cation. Since the objective function of the model for an unstrained semi-supervised vector machine is not smooth, many fast opti- mization algorithms cannot be applied to solve the model. In order to overcome the difficulty of dealing with non-smooth objective functions, new methods that can solve the semi-supervised vector machine with desired classification accuracy are in great demand. A quintic spline function with three-times differentiability at the ori- gin is constructed by a general three-moment method, which can be used to approximate the symmetric hinge loss function. The approximate accuracy of the quintic spiine function is estimated. Moreover, a quintic spline smooth semi-support vector machine is obtained and the convergence accuracy of the smooth model to the non-smooth one is analyzed. Three experiments are performed to test the efficiency of the model. The experimental results show that the new model outperforms other smooth models, in terms of classification performance. Furthermore, the new model is not sensitive to the increasing number of the labeled samples, which means that the new model is more efficient.展开更多
In order to handle the semi-supervised problem quickly and efficiently in the twin support vector machine (TWSVM) field, a semi-supervised twin support vector machine (S2TSVM) is proposed by adding the original unlabe...In order to handle the semi-supervised problem quickly and efficiently in the twin support vector machine (TWSVM) field, a semi-supervised twin support vector machine (S2TSVM) is proposed by adding the original unlabeled samples. In S2TSVM, the addition of unlabeled samples can easily cause the classification hyper plane to deviate from the sample points. Then a centerdistance principle is proposed to pre-classify unlabeled samples, and a pre-classified S2TSVM (PS2TSVM) is proposed. Compared with S2TSVM, PS2TSVM not only improves the problem of the samples deviating from the classification hyper plane, but also improves the training speed. Then PS2TSVM is smoothed. After smoothing the model, the pre-classified smooth S2TSVM (PS3TSVM) is obtained, and its convergence is deduced. Finally, nine datasets are selected in the UCI machine learning database for comparison with other types of semi-supervised models. The experimental results show that the proposed PS3TSVM model has better classification results.展开更多
As a new type of learning machine developed on the basis of statistics learning theory, support vector machine (SVM) plays an important role in knowledge discovering and knowledge updating by constructing non-linear...As a new type of learning machine developed on the basis of statistics learning theory, support vector machine (SVM) plays an important role in knowledge discovering and knowledge updating by constructing non-linear optimal classifter. However, realizing SVM requires resolving quadratic programming under constraints of inequality, which results in calculation difficulty while learning samples gets larger. Besides, standard SVM is incapable of tackling multi-classification. To overcome the bottleneck of populating SVM, with training algorithm presented, the problem of quadratic programming is converted into that of resolving a linear system of equations composed of a group of equation constraints by adopting the least square SVM(LS-SVM) and introducing a modifying variable which can change inequality constraints into equation constraints, which simplifies the calculation. With regard to multi-classification, an LS-SVM applicable in multi-dassiftcation is deduced. Finally, efficiency of the algorithm is checked by using universal Circle in square and twospirals to measure the performance of the classifier.展开更多
The support vector machine (SVM) is a novel machine learning method, which has the ability to approximate nonlinear functions with arbitrary accuracy. Setting parameters well is very crucial for SVM learning results...The support vector machine (SVM) is a novel machine learning method, which has the ability to approximate nonlinear functions with arbitrary accuracy. Setting parameters well is very crucial for SVM learning results and generalization ability, and now there is no systematic, general method for parameter selection. In this article, the SVM parameter selection for function approximation is regarded as a compound optimization problem and a mutative scale chaos optimization algorithm is employed to search for optimal paraxneter values. The chaos optimization algorithm is an effective way for global optimal and the mutative scale chaos algorithm could improve the search efficiency and accuracy. Several simulation examples show the sensitivity of the SVM parameters and demonstrate the superiority of this proposed method for nonlinear function approximation.展开更多
Effective fault detection techniques can help flotation plant reduce reagents consumption,increase mineral recovery,and reduce labor intensity.Traditional,online fault detection methods during flotation processes have...Effective fault detection techniques can help flotation plant reduce reagents consumption,increase mineral recovery,and reduce labor intensity.Traditional,online fault detection methods during flotation processes have concentrated on extracting a specific froth feature for segmentation,like color,shape,size and texture,always leading to undesirable accuracy and efficiency since the same segmentation algorithm could not be applied to every case.In this work,a new integrated method based on convolution neural network(CNN)combined with transfer learning approach and support vector machine(SVM)is proposed to automatically recognize the flotation condition.To be more specific,CNN function as a trainable feature extractor to process the froth images and SVM is used as a recognizer to implement fault detection.As compared with the existed recognition methods,it turns out that the CNN-SVM model can automatically retrieve features from the raw froth images and perform fault detection with high accuracy.Hence,a CNN-SVM based,real-time flotation monitoring system is proposed for application in an antimony flotation plant in China.展开更多
Support vector machine has become an increasingly popular tool for machine learning tasks involving classification, regression or novelty detection. Training a support vector machine requires the solution of a very la...Support vector machine has become an increasingly popular tool for machine learning tasks involving classification, regression or novelty detection. Training a support vector machine requires the solution of a very large quadratic programming problem. Traditional optimization methods cannot be directly applied due to memory restrictions. Up to now, several approaches exist for circumventing the above shortcomings and work well. Another learning algorithm, particle swarm optimization, for training SVM is introduted. The method is tested on UCI datasets.展开更多
Suppliers' selection in supply chain management (SCM) has attracted considerable research interests in recent years. Recent literatures show that neural networks achieve better performance than traditional statisti...Suppliers' selection in supply chain management (SCM) has attracted considerable research interests in recent years. Recent literatures show that neural networks achieve better performance than traditional statistical methods. However, neural networks have inherent drawbacks, such as local optimization solution, lack generalization, and uncontrolled convergence. A relatively new machine learning technique, support vector machine (SVM), which overcomes the drawbacks of neural networks, is introduced to provide a model with better explanatory power to select ideal supplier partners. Meanwhile, in practice, the suppliers' samples are very insufficient. SVMs are adaptive to deal with small samples' training and testing. The prediction accuracies for BPNN and SVM methods are compared to choose the appreciating suppliers. The actual examples illustrate that SVM methods are superior to BPNN.展开更多
In order to enhance measuring precision of the real complex electromechanical system,complex industrial system and complex ecological & management system with characteristics of multi-variable,non-liner,strong cou...In order to enhance measuring precision of the real complex electromechanical system,complex industrial system and complex ecological & management system with characteristics of multi-variable,non-liner,strong coupling and large time-delay,in terms of the fuzzy character of this real complex system,a fuzzy least squares support vector machine(FLS-SVM) soft measurement model was established and its parameters were optimized by using adaptive mutative scale chaos immune algorithm.The simulation results reveal that fuzzy least squares support vector machines soft measurement model is of better approximation accuracy and robustness.And application results show that the relative errors of the soft measurement model are less than 3.34%.展开更多
Based on the Fourier transform, a new shape descriptor was proposed to represent the flame image. By employing the shape descriptor as the input, the flame image recognition was studied by the methods of the artificia...Based on the Fourier transform, a new shape descriptor was proposed to represent the flame image. By employing the shape descriptor as the input, the flame image recognition was studied by the methods of the artificial neural network(ANN) and the support vector machine(SVM) respectively. And the recognition experiments were carried out by using flame image data sampled from an alumina rotary kiln to evaluate their effectiveness. The results show that the two recognition methods can achieve good results, which verify the effectiveness of the shape descriptor. The highest recognition rate is 88.83% for SVM and 87.38% for ANN, which means that the performance of the SVM is better than that of the ANN.展开更多
Based on KKT complementary condition in optimization theory, an unconstrained non-differential optimization model for support vector machine is proposed. An adjustable entropy function method is given to deal with the...Based on KKT complementary condition in optimization theory, an unconstrained non-differential optimization model for support vector machine is proposed. An adjustable entropy function method is given to deal with the proposed optimization problem and the Newton algorithm is used to figure out the optimal solution. The proposed method can find an optimal solution with a relatively small parameter p, which avoids the numerical overflow in the traditional entropy function methods. It is a new approach to solve support vector machine. The theoretical analysis and experimental results illustrate the feasibility and efficiency of the proposed algorithm.展开更多
By adopting the chaotic searching to improve the global searching performance of the particle swarm optimization (PSO), and using the improved PSO to optimize the key parameters of the support vector machine (SVM) for...By adopting the chaotic searching to improve the global searching performance of the particle swarm optimization (PSO), and using the improved PSO to optimize the key parameters of the support vector machine (SVM) forecasting model, an improved SVM model named CPSO-SVM model was proposed. The new model was applied to predicting the short term load, and the improved effect of the new model was proved. The simulation results of the South China Power Market’s actual data show that the new method can effectively improve the forecast accuracy by 2.23% and 3.87%, respectively, compared with the PSO-SVM and SVM methods. Compared with that of the PSO-SVM and SVM methods, the time cost of the new model is only increased by 3.15 and 4.61 s, respectively, which indicates that the CPSO-SVM model gains significant improved effects.展开更多
Smooth support vector machine (SSVM) changs the normal support vector machine (SVM) into the unconstrained op- timization by using the smooth sigmoid function. The method can be solved under the Broyden-Fletcher-G...Smooth support vector machine (SSVM) changs the normal support vector machine (SVM) into the unconstrained op- timization by using the smooth sigmoid function. The method can be solved under the Broyden-Fletcher-Goldfarb-Shanno (BFGS) algorithm and the Newdon-Armijio (NA) algorithm easily, however the accuracy of sigmoid function is not as good as that of polyno- mial smooth function. Furthermore, the method cannot reduce the influence of outliers or noise in dataset. A fuzzy smooth support vector machine (FSSVM) with fuzzy membership and polynomial smooth functions is introduced into the SVM. The fuzzy member- ship considers the contribution rate of each sample to the optimal separating hyperplane and makes the optimization problem more accurate at the inflection point. Those changes play a positive role on trials. The results of the experiments show that those FSSVMs can obtain a better accuracy and consume the shorter time than SSVM and lagrange support vector machine (LSVM).展开更多
Deficiencies of applying the traditional least squares support vector machine (LS-SVM) to time series online prediction were specified. According to the kernel function matrix's property and using the recursive cal...Deficiencies of applying the traditional least squares support vector machine (LS-SVM) to time series online prediction were specified. According to the kernel function matrix's property and using the recursive calculation of block matrix, a new time series online prediction algorithm based on improved LS-SVM was proposed. The historical training results were fully utilized and the computing speed of LS-SVM was enhanced. Then, the improved algorithm was applied to timc series online prediction. Based on the operational data provided by the Northwest Power Grid of China, the method was used in the transient stability prediction of electric power system. The results show that, compared with the calculation time of the traditional LS-SVM(75 1 600 ms), that of the proposed method in different time windows is 40-60 ms, proposed method is above 0.8. So the improved method is online prediction. and the prediction accuracy(normalized root mean squared error) of the better than the traditional LS-SVM and more suitable for time series online prediction.展开更多
According to the chaotic and non-linear characters of power load data,the time series matrix is established with the theory of phase-space reconstruction,and then Lyapunov exponents with chaotic time series are comput...According to the chaotic and non-linear characters of power load data,the time series matrix is established with the theory of phase-space reconstruction,and then Lyapunov exponents with chaotic time series are computed to determine the time delay and the embedding dimension.Due to different features of the data,data mining algorithm is conducted to classify the data into different groups.Redundant information is eliminated by the advantage of data mining technology,and the historical loads that have highly similar features with the forecasting day are searched by the system.As a result,the training data can be decreased and the computing speed can also be improved when constructing support vector machine(SVM) model.Then,SVM algorithm is used to predict power load with parameters that get in pretreatment.In order to prove the effectiveness of the new model,the calculation with data mining SVM algorithm is compared with that of single SVM and back propagation network.It can be seen that the new DSVM algorithm effectively improves the forecast accuracy by 0.75%,1.10% and 1.73% compared with SVM for two random dimensions of 11-dimension,14-dimension and BP network,respectively.This indicates that the DSVM gains perfect improvement effect in the short-term power load forecasting.展开更多
A new incremental support vector machine (SVM) algorithm is proposed which is based on multiple kernel learning. Through introducing multiple kernel learning into the SVM incremental learning, large scale data set l...A new incremental support vector machine (SVM) algorithm is proposed which is based on multiple kernel learning. Through introducing multiple kernel learning into the SVM incremental learning, large scale data set learning problem can be solved effectively. Furthermore, different punishments are adopted in allusion to the training subset and the acquired support vectors, which may help to improve the performance of SVM. Simulation results indicate that the proposed algorithm can not only solve the model selection problem in SVM incremental learning, but also improve the classification or prediction precision.展开更多
A support vector machine with guadratic polynomial kernel function based nonlinear model multi-step-ahead optimizing predictive controller was presented. A support vector machine based predictive model was established...A support vector machine with guadratic polynomial kernel function based nonlinear model multi-step-ahead optimizing predictive controller was presented. A support vector machine based predictive model was established by black-box identification. And a quadratic objective function with receding horizon was selected to obtain the controller output. By solving a nonlinear optimization problem with equality constraint of model output and boundary constraint of controller output using Nelder-Mead simplex direct search method, a sub-optimal control law was achieved in feature space. The effect of the controller was demonstrated on a recognized benchmark problem and a continuous-stirred tank reactor. The simulation results show that the multi-step-ahead predictive controller can be well applied to nonlinear system, with better performance in following reference trajectory and disturbance-rejection.展开更多
基金supported by the National Natural Science Foundation of China (60604021 60874054)
文摘To solve the multi-class fault diagnosis tasks, decision tree support vector machine (DTSVM), which combines SVM and decision tree using the concept of dichotomy, is proposed. Since the classification performance of DTSVM highly depends on its structure, to cluster the multi-classes with maximum distance between the clustering centers of the two sub-classes, genetic algorithm is introduced into the formation of decision tree, so that the most separable classes would be separated at each node of decisions tree. Numerical simulations conducted on three datasets compared with "one-against-all" and "one-against-one" demonstrate the proposed method has better performance and higher generalization ability than the two conventional methods.
基金This project was supported by Shanghai Shu Guang Project.
文摘Support vector machine (SVM), as a novel approach in pattern recognition, has demonstrated a success in face detection and face recognition. In this paper, a face recognition approach based on the SVM classifier with the nearest neighbor classifier (NNC) is proposed. The principal component analysis (PCA) is used to reduce the dimension and extract features. Then one-against-all stratedy is used to train the SVM classifiers. At the testing stage, we propose an al-
文摘To make the modulation classification system more suitable for signals in a wide range of signal to noise rate (SNR), a feature extraction method based on signal wavelet packet transform modulus maxima matrix (WPTMMM) and a novel support vector machine fuzzy network (SVMFN) classifier is presented. The WPTMMM feature extraction method has less computational complexity, more stability, and has the preferable advantage of robust with the time parallel moving and white noise. Further, the SVMFN uses a new definition of fuzzy density that incorporates accuracy and uncertainty of the classifiers to improve recognition reliability to classify nine digital modulation types (i.e. 2ASK, 2FSK, 2PSK, 4ASK, 4FSK, 4PSK, 16QAM, MSK, and OQPSK). Computer simulation shows that the proposed scheme has the advantages of high accuracy and reliability (success rates are over 98% when SNR is not lower than 0dB), and it adapts to engineering applications.
基金supported by the Fundamental Research Funds for University of Science and Technology Beijing(FRF-BR-12-021)
文摘A semi-supervised vector machine is a relatively new learning method using both labeled and unlabeled data in classifi- cation. Since the objective function of the model for an unstrained semi-supervised vector machine is not smooth, many fast opti- mization algorithms cannot be applied to solve the model. In order to overcome the difficulty of dealing with non-smooth objective functions, new methods that can solve the semi-supervised vector machine with desired classification accuracy are in great demand. A quintic spline function with three-times differentiability at the ori- gin is constructed by a general three-moment method, which can be used to approximate the symmetric hinge loss function. The approximate accuracy of the quintic spiine function is estimated. Moreover, a quintic spline smooth semi-support vector machine is obtained and the convergence accuracy of the smooth model to the non-smooth one is analyzed. Three experiments are performed to test the efficiency of the model. The experimental results show that the new model outperforms other smooth models, in terms of classification performance. Furthermore, the new model is not sensitive to the increasing number of the labeled samples, which means that the new model is more efficient.
基金Supported by National Basic Research Program of China (973 Program) (2005CB321902) National Natural Science Foundation of China (90916024,60727002,60774003)+1 种基金 the Ph.D. Programs Foundation of Ministry of Education of China (20030006003) the Commission on Science,Technology,and Industry for National Defense (A2120061303)
基金supported by the Fundamental Research Funds for University of Science and Technology Beijing(FRF-BR-12-021)
文摘In order to handle the semi-supervised problem quickly and efficiently in the twin support vector machine (TWSVM) field, a semi-supervised twin support vector machine (S2TSVM) is proposed by adding the original unlabeled samples. In S2TSVM, the addition of unlabeled samples can easily cause the classification hyper plane to deviate from the sample points. Then a centerdistance principle is proposed to pre-classify unlabeled samples, and a pre-classified S2TSVM (PS2TSVM) is proposed. Compared with S2TSVM, PS2TSVM not only improves the problem of the samples deviating from the classification hyper plane, but also improves the training speed. Then PS2TSVM is smoothed. After smoothing the model, the pre-classified smooth S2TSVM (PS3TSVM) is obtained, and its convergence is deduced. Finally, nine datasets are selected in the UCI machine learning database for comparison with other types of semi-supervised models. The experimental results show that the proposed PS3TSVM model has better classification results.
文摘As a new type of learning machine developed on the basis of statistics learning theory, support vector machine (SVM) plays an important role in knowledge discovering and knowledge updating by constructing non-linear optimal classifter. However, realizing SVM requires resolving quadratic programming under constraints of inequality, which results in calculation difficulty while learning samples gets larger. Besides, standard SVM is incapable of tackling multi-classification. To overcome the bottleneck of populating SVM, with training algorithm presented, the problem of quadratic programming is converted into that of resolving a linear system of equations composed of a group of equation constraints by adopting the least square SVM(LS-SVM) and introducing a modifying variable which can change inequality constraints into equation constraints, which simplifies the calculation. With regard to multi-classification, an LS-SVM applicable in multi-dassiftcation is deduced. Finally, efficiency of the algorithm is checked by using universal Circle in square and twospirals to measure the performance of the classifier.
基金the National Nature Science Foundation of China (60775047, 60402024)
文摘The support vector machine (SVM) is a novel machine learning method, which has the ability to approximate nonlinear functions with arbitrary accuracy. Setting parameters well is very crucial for SVM learning results and generalization ability, and now there is no systematic, general method for parameter selection. In this article, the SVM parameter selection for function approximation is regarded as a compound optimization problem and a mutative scale chaos optimization algorithm is employed to search for optimal paraxneter values. The chaos optimization algorithm is an effective way for global optimal and the mutative scale chaos algorithm could improve the search efficiency and accuracy. Several simulation examples show the sensitivity of the SVM parameters and demonstrate the superiority of this proposed method for nonlinear function approximation.
基金Projects(61621062,61563015)supported by the National Natural Science Foundation of ChinaProject(2016zzts056)supported by the Central South University Graduate Independent Exploration Innovation Program,China
文摘Effective fault detection techniques can help flotation plant reduce reagents consumption,increase mineral recovery,and reduce labor intensity.Traditional,online fault detection methods during flotation processes have concentrated on extracting a specific froth feature for segmentation,like color,shape,size and texture,always leading to undesirable accuracy and efficiency since the same segmentation algorithm could not be applied to every case.In this work,a new integrated method based on convolution neural network(CNN)combined with transfer learning approach and support vector machine(SVM)is proposed to automatically recognize the flotation condition.To be more specific,CNN function as a trainable feature extractor to process the froth images and SVM is used as a recognizer to implement fault detection.As compared with the existed recognition methods,it turns out that the CNN-SVM model can automatically retrieve features from the raw froth images and perform fault detection with high accuracy.Hence,a CNN-SVM based,real-time flotation monitoring system is proposed for application in an antimony flotation plant in China.
文摘Support vector machine has become an increasingly popular tool for machine learning tasks involving classification, regression or novelty detection. Training a support vector machine requires the solution of a very large quadratic programming problem. Traditional optimization methods cannot be directly applied due to memory restrictions. Up to now, several approaches exist for circumventing the above shortcomings and work well. Another learning algorithm, particle swarm optimization, for training SVM is introduted. The method is tested on UCI datasets.
文摘Suppliers' selection in supply chain management (SCM) has attracted considerable research interests in recent years. Recent literatures show that neural networks achieve better performance than traditional statistical methods. However, neural networks have inherent drawbacks, such as local optimization solution, lack generalization, and uncontrolled convergence. A relatively new machine learning technique, support vector machine (SVM), which overcomes the drawbacks of neural networks, is introduced to provide a model with better explanatory power to select ideal supplier partners. Meanwhile, in practice, the suppliers' samples are very insufficient. SVMs are adaptive to deal with small samples' training and testing. The prediction accuracies for BPNN and SVM methods are compared to choose the appreciating suppliers. The actual examples illustrate that SVM methods are superior to BPNN.
基金Project(51176045)supported by the National Natural Science Foundation of ChinaProject(2011ZK2032)supported by the Major Soft Science Program of Science and Technology Ministry of Hunan Province,China
文摘In order to enhance measuring precision of the real complex electromechanical system,complex industrial system and complex ecological & management system with characteristics of multi-variable,non-liner,strong coupling and large time-delay,in terms of the fuzzy character of this real complex system,a fuzzy least squares support vector machine(FLS-SVM) soft measurement model was established and its parameters were optimized by using adaptive mutative scale chaos immune algorithm.The simulation results reveal that fuzzy least squares support vector machines soft measurement model is of better approximation accuracy and robustness.And application results show that the relative errors of the soft measurement model are less than 3.34%.
基金Project(60634020) supported by the National Natural Science Foundation of China
文摘Based on the Fourier transform, a new shape descriptor was proposed to represent the flame image. By employing the shape descriptor as the input, the flame image recognition was studied by the methods of the artificial neural network(ANN) and the support vector machine(SVM) respectively. And the recognition experiments were carried out by using flame image data sampled from an alumina rotary kiln to evaluate their effectiveness. The results show that the two recognition methods can achieve good results, which verify the effectiveness of the shape descriptor. The highest recognition rate is 88.83% for SVM and 87.38% for ANN, which means that the performance of the SVM is better than that of the ANN.
基金the National Natural Science Foundation of China (60574075)
文摘Based on KKT complementary condition in optimization theory, an unconstrained non-differential optimization model for support vector machine is proposed. An adjustable entropy function method is given to deal with the proposed optimization problem and the Newton algorithm is used to figure out the optimal solution. The proposed method can find an optimal solution with a relatively small parameter p, which avoids the numerical overflow in the traditional entropy function methods. It is a new approach to solve support vector machine. The theoretical analysis and experimental results illustrate the feasibility and efficiency of the proposed algorithm.
基金Project(70572090) supported by the National Natural Science Foundation of China
文摘By adopting the chaotic searching to improve the global searching performance of the particle swarm optimization (PSO), and using the improved PSO to optimize the key parameters of the support vector machine (SVM) forecasting model, an improved SVM model named CPSO-SVM model was proposed. The new model was applied to predicting the short term load, and the improved effect of the new model was proved. The simulation results of the South China Power Market’s actual data show that the new method can effectively improve the forecast accuracy by 2.23% and 3.87%, respectively, compared with the PSO-SVM and SVM methods. Compared with that of the PSO-SVM and SVM methods, the time cost of the new model is only increased by 3.15 and 4.61 s, respectively, which indicates that the CPSO-SVM model gains significant improved effects.
基金supported by the National Natural Science Foundation of China (60974082)
文摘Smooth support vector machine (SSVM) changs the normal support vector machine (SVM) into the unconstrained op- timization by using the smooth sigmoid function. The method can be solved under the Broyden-Fletcher-Goldfarb-Shanno (BFGS) algorithm and the Newdon-Armijio (NA) algorithm easily, however the accuracy of sigmoid function is not as good as that of polyno- mial smooth function. Furthermore, the method cannot reduce the influence of outliers or noise in dataset. A fuzzy smooth support vector machine (FSSVM) with fuzzy membership and polynomial smooth functions is introduced into the SVM. The fuzzy member- ship considers the contribution rate of each sample to the optimal separating hyperplane and makes the optimization problem more accurate at the inflection point. Those changes play a positive role on trials. The results of the experiments show that those FSSVMs can obtain a better accuracy and consume the shorter time than SSVM and lagrange support vector machine (LSVM).
基金Project (SGKJ[200301-16]) supported by the State Grid Cooperation of China
文摘Deficiencies of applying the traditional least squares support vector machine (LS-SVM) to time series online prediction were specified. According to the kernel function matrix's property and using the recursive calculation of block matrix, a new time series online prediction algorithm based on improved LS-SVM was proposed. The historical training results were fully utilized and the computing speed of LS-SVM was enhanced. Then, the improved algorithm was applied to timc series online prediction. Based on the operational data provided by the Northwest Power Grid of China, the method was used in the transient stability prediction of electric power system. The results show that, compared with the calculation time of the traditional LS-SVM(75 1 600 ms), that of the proposed method in different time windows is 40-60 ms, proposed method is above 0.8. So the improved method is online prediction. and the prediction accuracy(normalized root mean squared error) of the better than the traditional LS-SVM and more suitable for time series online prediction.
基金Project(70671039) supported by the National Natural Science Foundation of China
文摘According to the chaotic and non-linear characters of power load data,the time series matrix is established with the theory of phase-space reconstruction,and then Lyapunov exponents with chaotic time series are computed to determine the time delay and the embedding dimension.Due to different features of the data,data mining algorithm is conducted to classify the data into different groups.Redundant information is eliminated by the advantage of data mining technology,and the historical loads that have highly similar features with the forecasting day are searched by the system.As a result,the training data can be decreased and the computing speed can also be improved when constructing support vector machine(SVM) model.Then,SVM algorithm is used to predict power load with parameters that get in pretreatment.In order to prove the effectiveness of the new model,the calculation with data mining SVM algorithm is compared with that of single SVM and back propagation network.It can be seen that the new DSVM algorithm effectively improves the forecast accuracy by 0.75%,1.10% and 1.73% compared with SVM for two random dimensions of 11-dimension,14-dimension and BP network,respectively.This indicates that the DSVM gains perfect improvement effect in the short-term power load forecasting.
基金supported by the National Natural Science Key Foundation of China(69974021)
文摘A new incremental support vector machine (SVM) algorithm is proposed which is based on multiple kernel learning. Through introducing multiple kernel learning into the SVM incremental learning, large scale data set learning problem can be solved effectively. Furthermore, different punishments are adopted in allusion to the training subset and the acquired support vectors, which may help to improve the performance of SVM. Simulation results indicate that the proposed algorithm can not only solve the model selection problem in SVM incremental learning, but also improve the classification or prediction precision.
文摘A support vector machine with guadratic polynomial kernel function based nonlinear model multi-step-ahead optimizing predictive controller was presented. A support vector machine based predictive model was established by black-box identification. And a quadratic objective function with receding horizon was selected to obtain the controller output. By solving a nonlinear optimization problem with equality constraint of model output and boundary constraint of controller output using Nelder-Mead simplex direct search method, a sub-optimal control law was achieved in feature space. The effect of the controller was demonstrated on a recognized benchmark problem and a continuous-stirred tank reactor. The simulation results show that the multi-step-ahead predictive controller can be well applied to nonlinear system, with better performance in following reference trajectory and disturbance-rejection.