期刊文献+
共找到6,482篇文章
< 1 2 250 >
每页显示 20 50 100
Machine learning model based on non-convex penalized huberized-SVM
1
作者 Peng Wang Ji Guo Lin-Feng Li 《Journal of Electronic Science and Technology》 EI CAS CSCD 2024年第1期81-94,共14页
The support vector machine(SVM)is a classical machine learning method.Both the hinge loss and least absolute shrinkage and selection operator(LASSO)penalty are usually used in traditional SVMs.However,the hinge loss i... The support vector machine(SVM)is a classical machine learning method.Both the hinge loss and least absolute shrinkage and selection operator(LASSO)penalty are usually used in traditional SVMs.However,the hinge loss is not differentiable,and the LASSO penalty does not have the Oracle property.In this paper,the huberized loss is combined with non-convex penalties to obtain a model that has the advantages of both the computational simplicity and the Oracle property,contributing to higher accuracy than traditional SVMs.It is experimentally demonstrated that the two non-convex huberized-SVM methods,smoothly clipped absolute deviation huberized-SVM(SCAD-HSVM)and minimax concave penalty huberized-SVM(MCP-HSVM),outperform the traditional SVM method in terms of the prediction accuracy and classifier performance.They are also superior in terms of variable selection,especially when there is a high linear correlation between the variables.When they are applied to the prediction of listed companies,the variables that can affect and predict financial distress are accurately filtered out.Among all the indicators,the indicators per share have the greatest influence while those of solvency have the weakest influence.Listed companies can assess the financial situation with the indicators screened by our algorithm and make an early warning of their possible financial distress in advance with higher precision. 展开更多
关键词 Huberized loss machine learning Non-convex penalties support vector machine(svm)
下载PDF
Face Recognition Based on Support Vector Machine and Nearest Neighbor Classifier 被引量:8
2
作者 Zhang Yankun & Liu Chongqing Institute of Image Processing and Pattern Recognition, Shanghai Jiao long University, Shanghai 200030 P.R.China 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2003年第3期73-76,共4页
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- 展开更多
关键词 Face recognition support vector machine Nearest neighbor classifier Principal component analysis.
下载PDF
Facial Expression Recognition Model Depending on Optimized Support Vector Machine
3
作者 Amel Ali Alhussan Fatma M.Talaat +4 位作者 El-Sayed M.El-kenawy Abdelaziz A.Abdelhamid Abdelhameed Ibrahim Doaa Sami Khafaga Mona Alnaggar 《Computers, Materials & Continua》 SCIE EI 2023年第7期499-515,共17页
In computer vision,emotion recognition using facial expression images is considered an important research issue.Deep learning advances in recent years have aided in attaining improved results in this issue.According t... In computer vision,emotion recognition using facial expression images is considered an important research issue.Deep learning advances in recent years have aided in attaining improved results in this issue.According to recent studies,multiple facial expressions may be included in facial photographs representing a particular type of emotion.It is feasible and useful to convert face photos into collections of visual words and carry out global expression recognition.The main contribution of this paper is to propose a facial expression recognitionmodel(FERM)depending on an optimized Support Vector Machine(SVM).To test the performance of the proposed model(FERM),AffectNet is used.AffectNet uses 1250 emotion-related keywords in six different languages to search three major search engines and get over 1,000,000 facial photos online.The FERM is composed of three main phases:(i)the Data preparation phase,(ii)Applying grid search for optimization,and(iii)the categorization phase.Linear discriminant analysis(LDA)is used to categorize the data into eight labels(neutral,happy,sad,surprised,fear,disgust,angry,and contempt).Due to using LDA,the performance of categorization via SVM has been obviously enhanced.Grid search is used to find the optimal values for hyperparameters of SVM(C and gamma).The proposed optimized SVM algorithm has achieved an accuracy of 99%and a 98%F1 score. 展开更多
关键词 Facial expression recognition machine learning linear dis-criminant analysis(LDA) support vector machine(svm) grid search
下载PDF
Decision tree support vector machine based on genetic algorithm for multi-class classification 被引量:15
4
作者 Huanhuan Chen Qiang Wang Yi Shen 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2011年第2期322-326,共5页
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 decision tree GENETICALGORITHM classification.
下载PDF
Huberized Multiclass Support Vector Machine for Microarray Classification 被引量:7
5
作者 LI Jun-Tao JIA Ying-Min 《自动化学报》 EI CSCD 北大核心 2010年第3期399-405,共7页
关键词 基因 支持向量机 计算方法 路径系数
下载PDF
Intelligent Optimization Methods for High-Dimensional Data Classification for Support Vector Machines 被引量:2
6
作者 Sheng Ding Li Chen 《Intelligent Information Management》 2010年第6期354-364,共11页
Support vector machine (SVM) is a popular pattern classification method with many application areas. SVM shows its outstanding performance in high-dimensional data classification. In the process of classification, SVM... Support vector machine (SVM) is a popular pattern classification method with many application areas. SVM shows its outstanding performance in high-dimensional data classification. In the process of classification, SVM kernel parameter setting during the SVM training procedure, along with the feature selection significantly influences the classification accuracy. This paper proposes two novel intelligent optimization methods, which simultaneously determines the parameter values while discovering a subset of features to increase SVM classification accuracy. The study focuses on two evolutionary computing approaches to optimize the parameters of SVM: particle swarm optimization (PSO) and genetic algorithm (GA). And we combine above the two intelligent optimization methods with SVM to choose appropriate subset features and SVM parameters, which are termed GA-FSSVM (Genetic Algorithm-Feature Selection Support Vector Machines) and PSO-FSSVM(Particle Swarm Optimization-Feature Selection Support Vector Machines) models. Experimental results demonstrate that the classification accuracy by our proposed methods outperforms traditional grid search approach and many other approaches. Moreover, the result indicates that PSO-FSSVM can obtain higher classification accuracy than GA-FSSVM classification for hyperspectral data. 展开更多
关键词 support vector machine (svm) GENETIC Algorithm (GA) Particle SWARM OPTIMIZATION (PSO) Feature Selection OPTIMIZATION
下载PDF
An Efficient and Robust Fall Detection System Using Wireless Gait Analysis Sensor with Artificial Neural Network (ANN) and Support Vector Machine (SVM) Algorithms 被引量:2
7
作者 Bhargava Teja Nukala Naohiro Shibuya +5 位作者 Amanda Rodriguez Jerry Tsay Jerry Lopez Tam Nguyen Steven Zupancic Donald Yu-Chun Lie 《Open Journal of Applied Biosensor》 2014年第4期29-39,共11页
In this work, a total of 322 tests were taken on young volunteers by performing 10 different falls, 6 different Activities of Daily Living (ADL) and 7 Dynamic Gait Index (DGI) tests using a custom-designed Wireless Ga... In this work, a total of 322 tests were taken on young volunteers by performing 10 different falls, 6 different Activities of Daily Living (ADL) and 7 Dynamic Gait Index (DGI) tests using a custom-designed Wireless Gait Analysis Sensor (WGAS). In order to perform automatic fall detection, we used Back Propagation Artificial Neural Network (BP-ANN) and Support Vector Machine (SVM) based on the 6 features extracted from the raw data. The WGAS, which includes a tri-axial accelerometer, 2 gyroscopes, and a MSP430 microcontroller, is worn by the subjects at either T4 (at back) or as a belt-clip in front of the waist during the various tests. The raw data is wirelessly transmitted from the WGAS to a near-by PC for real-time fall classification. The BP ANN is optimized by varying the training, testing and validation data sets and training the network with different learning schemes. SVM is optimized by using three different kernels and selecting the kernel for best classification rate. The overall accuracy of BP ANN is obtained as 98.20% with LM and RPROP training from the T4 data, while from the data taken at the belt, we achieved 98.70% with LM and SCG learning. The overall accuracy using SVM was 98.80% and 98.71% with RBF kernel from the T4 and belt position data, respectively. 展开更多
关键词 Artificial Neural Network (ANN) Back Propagation FALL Detection FALL Prevention GAIT Analysis SENSOR support vector machine (svm) WIRELESS SENSOR
下载PDF
Classification of power quality combined disturbances based on phase space reconstruction and support vector machines 被引量:3
8
作者 Zhi-yong LI Wei-lin WU 《Journal of Zhejiang University-Science A(Applied Physics & Engineering)》 SCIE EI CAS CSCD 2008年第2期173-181,共9页
Power Quality (PQ) combined disturbances become common along with ubiquity of voltage flickers and harmonics. This paper presents a novel approach to classify the different patterns of PQ combined disturbances. The cl... Power Quality (PQ) combined disturbances become common along with ubiquity of voltage flickers and harmonics. This paper presents a novel approach to classify the different patterns of PQ combined disturbances. The classification system consists of two parts, namely the feature extraction and the automatic recognition. In the feature extraction stage, Phase Space Reconstruction (PSR), a time series analysis tool, is utilized to construct disturbance signal trajectories. For these trajectories, several indices are proposed to form the feature vectors. Support Vector Machines (SVMs) are then implemented to recognize the different patterns and to evaluate the efficiencies. The types of disturbances discussed include a combination of short-term dis-turbances (voltage sags, swells) and long-term disturbances (flickers, harmonics), as well as their homologous single ones. The feasibilities of the proposed approach are verified by simulation with thousands of PQ events. Comparison studies based on Wavelet Transform (WT) and Artificial Neural Network (ANN) are also reported to show its advantages. 展开更多
关键词 轴承质量 网络分析 相位重建 矢量
下载PDF
A Hierarchical Clustering and Fixed-Layer Local Learning Based Support Vector Machine Algorithm for Large Scale Classification Problems 被引量:1
9
作者 吴广潮 肖法镇 +4 位作者 奚建清 杨晓伟 何丽芳 吕浩然 刘小兰 《Journal of Donghua University(English Edition)》 EI CAS 2012年第1期46-50,共5页
It is a challenging topic to develop an efficient algorithm for large scale classification problems in many applications of machine learning. In this paper, a hierarchical clustering and fixed-layer local learning (HC... It is a challenging topic to develop an efficient algorithm for large scale classification problems in many applications of machine learning. In this paper, a hierarchical clustering and fixed-layer local learning (HCFLL) based support vector machine(SVM) algorithm is proposed to deal with this problem. Firstly, HCFLL hierarchically clusters a given dataset into a modified clustering feature tree based on the ideas of unsupervised clustering and supervised clustering. Then it locally trains SVM on each labeled subtree at a fixed-layer of the tree. The experimental results show that compared with the existing popular algorithms such as core vector machine and decision-tree support vector machine, HCFLL can significantly improve the training and testing speeds with comparable testing accuracy. 展开更多
关键词 hierarchical clustering local learning large scale classification support vector machine(svm)
下载PDF
Support Vector Machine for mechanical faults classification 被引量:1
10
作者 蒋志强 符寒光 李凌君 《Journal of Zhejiang University-Science A(Applied Physics & Engineering)》 SCIE EI CAS CSCD 2005年第5期433-439,共7页
Support Vector Machine (SVM) is a machine learning algorithm based on the Statistical Learning Theory (SLT), which can get good classification effects with a few learning samples. SVM represents a new approach to patt... Support Vector Machine (SVM) is a machine learning algorithm based on the Statistical Learning Theory (SLT), which can get good classification effects with a few learning samples. SVM represents a new approach to pattern classification and has been shown to be particularly successful in many fields such as image identification and face recognition. It also provides us with a new method to develop intelligent fault diagnosis. This paper presents an SVM based approach for fault diagnosis of rolling bearings. Experimentation with vibration signals of bearing was conducted. The vibration signals acquired from the bearings were directly used in the calculating without the preprocessing of extracting its features. Compared with the Artificial Neural Network (ANN) based method, the SVM based method has desirable advantages. Also a multi-fault SVM classifier based on binary clas- sifier is constructed for gear faults in this paper. Other experiments with gear fault samples showed that the multi-fault SVM classifier has good classification ability and high efficiency in mechanical system. It is suitable for on line diagnosis for mechanical system. 展开更多
关键词 svm 支持向量装置 机械故障 故障分析 故障分类 智能诊断
下载PDF
Support Vector Machines(SVM)-Markov Chain Prediction Model of Mining Water Inflow 被引量:1
11
作者 Kai HUANG 《Agricultural Science & Technology》 CAS 2017年第8期1551-1554,1558,共5页
This study was conducted to establish a Support Vector Machines(SVM)-Markov Chain prediction model for prediction of mining water inflow. According to the raw data sequence, the Support Vector Machines(SVM) model was ... This study was conducted to establish a Support Vector Machines(SVM)-Markov Chain prediction model for prediction of mining water inflow. According to the raw data sequence, the Support Vector Machines(SVM) model was built, and then revised by means of a Markov state change probability matrix. Through dividing the state and analyzing absolute errors and relative errors and other indexes of the measured value and the fitted value of SVM, the prediction results were improved. Finally,the model was used to calculate relative errors. Through predicting and analyzing mining water inflow, the prediction results of the model were satisfactory. The results of this study enlarge the application scope of the Support Vector Machines(SVM) prediction model and provide a new method for scientific forecasting water inflow in coal mining. 展开更多
关键词 矿井涌水量 支持向量机 马尔可夫链 预测模型 svm 状态变化 相对误差 涌水量预测
下载PDF
Multiple mental tasks classification based on nonlinear parameter of mean period using support vector machines
12
作者 刘海龙 王珏 郑崇勋 《Journal of Pharmaceutical Analysis》 SCIE CAS 2007年第1期70-72,共3页
Mental task classification is one of the most important problems in Brain-computer interface.This paper studies the classification of five-class mental tasks.The nonlinear parameter of mean period obtained from freque... Mental task classification is one of the most important problems in Brain-computer interface.This paper studies the classification of five-class mental tasks.The nonlinear parameter of mean period obtained from frequency domain information was used as features for classification implemented by using the method of SVM(support vector machines).The averaged classification accuracy of 85.6% over 7 subjects was achieved for 2-second EEG segments.And the results for EEG segments of 0.5s and 5.0s compared favorably to those of Garrett's.The results indicate that the parameter of mean period represents mental tasks well for classification.Furthermore,the method of mean period is less computationally demanding,which indicates its potential use for online BCI systems. 展开更多
关键词 electroencephalography(EEG) brain-computer interface(BCI) mental tasks classification mean period support vector machine(svm)
下载PDF
Construction and application of pre-classified smooth semi-supervised twin support vector machine
13
作者 ZHANG Xiaodan QI Hongye 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2019年第3期564-572,共9页
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. 展开更多
关键词 SEMI-SUPERVISED TWIN support vector machine (TWsvm) pre-classified center-distance SMOOTH
下载PDF
BFS-SVM Classifier for QoS and Resource Allocation in Cloud Environment
14
作者 A.Richard William J.Senthilkumar +1 位作者 Y.Suresh V.Mohanraj 《Computer Systems Science & Engineering》 SCIE EI 2023年第10期777-790,共14页
In cloud computing Resource allocation is a very complex task.Handling the customer demand makes the challenges of on-demand resource allocation.Many challenges are faced by conventional methods for resource allocatio... In cloud computing Resource allocation is a very complex task.Handling the customer demand makes the challenges of on-demand resource allocation.Many challenges are faced by conventional methods for resource allocation in order tomeet the Quality of Service(QoS)requirements of users.For solving the about said problems a new method was implemented with the utility of machine learning framework of resource allocation by utilizing the cloud computing technique was taken in to an account in this research work.The accuracy in the machine learning algorithm can be improved by introducing Bat Algorithm with feature selection(BFS)in the proposed work,this further reduces the inappropriate features from the data.The similarities that were hidden can be demoralized by the Support Vector Machine(SVM)classifier which is also determine the subspace vector and then a new feature vector can be predicted by using SVM.For an unexpected circumstance SVM model can make a resource allocation decision.The efficiency of proposed SVM classifier of resource allocation can be highlighted by using a singlecell multiuser massive Multiple-Input Multiple Output(MIMO)system,with beam allocation problem as an example.The proposed resource allocation based on SVM performs efficiently than the existing conventional methods;this has been proven by analysing its results. 展开更多
关键词 Bat algorithm with feature selection(BFS) support vector machine(svm) multiple-input multiple output(MIMO) quality of service(QoS) classifier cloud computing
下载PDF
Parameter selection of support vector machine for function approximation based on chaos optimization 被引量:18
15
作者 Yuan Xiaofang Wang Yaonan 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2008年第1期191-197,共7页
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. 展开更多
关键词 learning systems support vector machines (svm approximation theory parameter selection optimization.
下载PDF
Parameters selection in gene selection using Gaussian kernel support vector machines by genetic algorithm 被引量:11
16
作者 毛勇 周晓波 +2 位作者 皮道映 孙优贤 WONG Stephen T.C. 《Journal of Zhejiang University-Science B(Biomedicine & Biotechnology)》 SCIE EI CAS CSCD 2005年第10期961-973,共13页
In microarray-based cancer classification, gene selection is an important issue owing to the large number of variables and small number of samples as well as its non-linearity. It is difficult to get satisfying result... In microarray-based cancer classification, gene selection is an important issue owing to the large number of variables and small number of samples as well as its non-linearity. It is difficult to get satisfying results by using conventional linear sta- tistical methods. Recursive feature elimination based on support vector machine (SVM RFE) is an effective algorithm for gene selection and cancer classification, which are integrated into a consistent framework. In this paper, we propose a new method to select parameters of the aforementioned algorithm implemented with Gaussian kernel SVMs as better alternatives to the common practice of selecting the apparently best parameters by using a genetic algorithm to search for a couple of optimal parameter. Fast implementation issues for this method are also discussed for pragmatic reasons. The proposed method was tested on two repre- sentative hereditary breast cancer and acute leukaemia datasets. The experimental results indicate that the proposed method per- forms well in selecting genes and achieves high classification accuracies with these genes. 展开更多
关键词 Gene selection support vector machine (svm) RECURSIVE feature ELIMINATION (RFE) GENETIC algorithm (GA) Parameter SELECTION
下载PDF
Debris Flow Hazard Assessment Based on Support Vector Machine 被引量:9
17
作者 YUAN Lifeng 1, 2 , ZHANG Youshui 3 1. Institute of Mountain Hazards and Environment, Chinese Academy of Sciences, Chengdu 610041, Sichuan, China 2. Graduate University of Chinese Academy of Sciences, Beijing 100049, China 3. Institute of Geographical Sciences and Natural Resources Research, Chinese Academy of Sciences, Beijing 100101, China 《Wuhan University Journal of Natural Sciences》 EI CAS 2006年第4期897-900,共4页
Seven factors, including the maximum volume of once flow , occurrence frequency of debris flow , watershed area , main channel length , watershed relative height difference , valley incision density and the length rat... Seven factors, including the maximum volume of once flow , occurrence frequency of debris flow , watershed area , main channel length , watershed relative height difference , valley incision density and the length ratio of sediment supplement are chosen as evaluation factors of debris flow hazard degree. Using support vector machine (SVM) theory, we selected 259 basic data of 37 debris flow channels in Yunnan Province as learning samples in this study. We create a debris flow hazard assessment model based on SVM. The model was validated though instance applications and showed encouraging results. 展开更多
关键词 debris flow hazard assessment support vector machine (svm
下载PDF
Laser-induced breakdown spectroscopy applied to the characterization of rock by support vector machine combined with principal component analysis 被引量:6
18
作者 杨洪星 付洪波 +3 位作者 王华东 贾军伟 Markus W Sigrist 董凤忠 《Chinese Physics B》 SCIE EI CAS CSCD 2016年第6期290-295,共6页
Laser-induced breakdown spectroscopy(LIBS) is a versatile tool for both qualitative and quantitative analysis.In this paper,LIBS combined with principal component analysis(PCA) and support vector machine(SVM) is... Laser-induced breakdown spectroscopy(LIBS) is a versatile tool for both qualitative and quantitative analysis.In this paper,LIBS combined with principal component analysis(PCA) and support vector machine(SVM) is applied to rock analysis.Fourteen emission lines including Fe,Mg,Ca,Al,Si,and Ti are selected as analysis lines.A good accuracy(91.38% for the real rock) is achieved by using SVM to analyze the spectroscopic peak area data which are processed by PCA.It can not only reduce the noise and dimensionality which contributes to improving the efficiency of the program,but also solve the problem of linear inseparability by combining PCA and SVM.By this method,the ability of LIBS to classify rock is validated. 展开更多
关键词 laser-induced breakdown spectroscopy(LIBS) principal component analysis(PCA) support vector machine(svm) lithology identification
下载PDF
A Real-Time and Ubiquitous Network Attack Detection Based on Deep Belief Network and Support Vector Machine 被引量:7
19
作者 Hao Zhang Yongdan Li +2 位作者 Zhihan Lv Arun Kumar Sangaiah Tao Huang 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2020年第3期790-799,共10页
In recent years, network traffic data have become larger and more complex, leading to higher possibilities of network intrusion. Traditional intrusion detection methods face difficulty in processing high-speed network... In recent years, network traffic data have become larger and more complex, leading to higher possibilities of network intrusion. Traditional intrusion detection methods face difficulty in processing high-speed network data and cannot detect currently unknown attacks. Therefore, this paper proposes a network attack detection method combining a flow calculation and deep learning. The method consists of two parts: a real-time detection algorithm based on flow calculations and frequent patterns and a classification algorithm based on the deep belief network and support vector machine(DBN-SVM). Sliding window(SW) stream data processing enables real-time detection, and the DBN-SVM algorithm can improve classification accuracy. Finally, to verify the proposed method, a system is implemented.Based on the CICIDS2017 open source data set, a series of comparative experiments are conducted. The method's real-time detection efficiency is higher than that of traditional machine learning algorithms. The attack classification accuracy is 0.7 percentage points higher than that of a DBN, which is 2 percentage points higher than that of the integrated algorithm boosting and bagging methods. Hence, it is suitable for the real-time detection of high-speed network intrusions. 展开更多
关键词 DEEP BELIEF network(DBN) flow calculation frequent pattern INTRUSION detection SLIDING WINDOW support vector machine(svm)
下载PDF
SENSITIVITY ANALYSIS FOR ROLLING PROCESS BASED ON SUPPORT VECTOR MACHINE 被引量:3
20
作者 HuangYanwei WuTihua +1 位作者 ZhaoJingyi WangYiqun 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2005年第2期271-274,共4页
A method for the calculation of the sensitivity factors of the rollingprocess has been obtained by differentiating the roll force model based on support vector machine.It can eliminate the algebraic loop of the analyt... A method for the calculation of the sensitivity factors of the rollingprocess has been obtained by differentiating the roll force model based on support vector machine.It can eliminate the algebraic loop of the analytical model of the rolling process. The simulationsin the first stand of five stand cold tandem rolling mill indicate that the calculation forsensitivities by this proposed method can obtain a good accuracy, and an appropriate adjustment onthe control variables determined directly by the sensitivity has an excellent compensation accuracy.Moreover, the roll gap has larger effect on the exit thickness than both front tension and backtension, and it is more efficient to select the roll gap as the control variable of the thicknesscontrol system in the first stand. 展开更多
关键词 support vector machine(svm) Cold tandem rolling mill MODELING Sensitivity
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部