期刊文献+
共找到6,866篇文章
< 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
Facial Expression Recognition Model Depending on Optimized Support Vector Machine
2
作者 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
Casing life prediction using Borda and support vector machine methods 被引量:4
3
作者 Xu Zhiqian Yan Xiangzhen Yang Xiujuan 《Petroleum Science》 SCIE CAS CSCD 2010年第3期416-421,共6页
Eight casing failure modes and 32 risk factors in oil and gas wells are given in this paper. According to the quantitative analysis of the influence degree and occurrence probability of risk factors, the Borda counts ... Eight casing failure modes and 32 risk factors in oil and gas wells are given in this paper. According to the quantitative analysis of the influence degree and occurrence probability of risk factors, the Borda counts for failure modes are obtained with the Borda method. The risk indexes of failure modes are derived from the Borda matrix. Based on the support vector machine (SVM), a casing life prediction model is established. In the prediction model, eight risk indexes are defined as input vectors and casing life is defined as the output vector. The ideal model parameters are determined with the training set from 19 wells with casing failure. The casing life prediction software is developed with the SVM model as a predictor. The residual life of 60 wells with casing failure is predicted with the software, and then compared with the actual casing life. The comparison results show that the casing life prediction software with the SVM model has high accuracy. 展开更多
关键词 support vector machine method Borda method life prediction model failure modes RISKFACTORS
下载PDF
Support vector machine forecasting method improved by chaotic particle swarm optimization and its application 被引量:11
4
作者 李彦斌 张宁 李存斌 《Journal of Central South University》 SCIE EI CAS 2009年第3期478-481,共4页
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. 展开更多
关键词 粒子群优化算法 支持向量机 预测模型 混沌搜索 模型应用 svm模型 全局搜索性能 预报准确率
下载PDF
Intelligent Optimization Methods for High-Dimensional Data Classification for Support Vector Machines 被引量:2
5
作者 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
6
作者 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
Time-variant reliability analysis of three-dimensional slopes based on Support Vector Machine method 被引量:3
7
作者 陈昌富 肖治宇 张根宝 《Journal of Central South University》 SCIE EI CAS 2011年第6期2108-2114,共7页
In the reliability analysis of slope, the performance functions derived from the most available stability analysis procedures of slopes are usually implicit and cannot be solved by first-order second-moment approach. ... In the reliability analysis of slope, the performance functions derived from the most available stability analysis procedures of slopes are usually implicit and cannot be solved by first-order second-moment approach. A new reliability analysis approach was presented based on three-dimensional Morgenstern-Price method to investigate three-dimensional effect of landslide in stability analyses. To obtain the reliability index, Support Vector Machine (SVM) was applied to approximate the performance function. The time-consuming of this approach is only 0.028% of that using Monte-Carlo method at the same computation accuracy. Also, the influence of time effect of shearing strength parameters of slope soils on the long-term reliability of three-dimensional slopes was investigated by this new approach. It is found that the reliability index of the slope would decrease by 52.54% and the failure probability would increase from 0.000 705% to 1.966%. In the end, the impact of variation coefficients of c and f on reliability index of slopes was taken into discussion and the changing trend was observed. 展开更多
关键词 可靠性分析方法 支持向量机方法 三维效果 边坡稳定分析 可靠性指标 一次二阶矩方法 时变 蒙特卡罗方法
下载PDF
Support Vector Machines(SVM)-Markov Chain Prediction Model of Mining Water Inflow 被引量:1
8
作者 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
Least Squares-support Vector Machine Load Forecasting Approach Optimized by Bacterial Colony Chemotaxis Method 被引量:2
9
作者 ZENG Ming LU Chunquan +1 位作者 TIAN Kuo XUE Song 《中国电机工程学报》 EI CSCD 北大核心 2011年第34期I0009-I0009,共1页
关键词 英文摘要 内容介绍 编辑工作 期刊
下载PDF
Vibration reliability analysis for aeroengine compressor blade based on support vector machine response surface method
10
作者 高海峰 白广忱 《Journal of Central South University》 SCIE EI CAS CSCD 2015年第5期1685-1694,共10页
To ameliorate reliability analysis efficiency for aeroengine components, such as compressor blade, support vector machine response surface method(SRSM) is proposed. SRSM integrates the advantages of support vector mac... To ameliorate reliability analysis efficiency for aeroengine components, such as compressor blade, support vector machine response surface method(SRSM) is proposed. SRSM integrates the advantages of support vector machine(SVM) and traditional response surface method(RSM), and utilizes experimental samples to construct a suitable response surface function(RSF) to replace the complicated and abstract finite element model. Moreover, the randomness of material parameters, structural dimension and operating condition are considered during extracting data so that the response surface function is more agreeable to the practical model. The results indicate that based on the same experimental data, SRSM has come closer than RSM reliability to approximating Monte Carlo method(MCM); while SRSM(17.296 s) needs far less running time than MCM(10958 s) and RSM(9840 s). Therefore,under the same simulation conditions, SRSM has the largest analysis efficiency, and can be considered a feasible and valid method to analyze structural reliability. 展开更多
关键词 VIBRATION reliability analysis compressor blade support vector machine response surface method natural frequency
下载PDF
Novel Method of Predicting Network Bandwidth Based on Support Vector Machines
11
作者 沈伟 冯瑞 邵惠鹤 《Journal of Beijing Institute of Technology》 EI CAS 2004年第4期454-457,共4页
In order to solve the problems of small sample over-fitting and local minima when neural networks learn online, a novel method of predicting network bandwidth based on support vector machines(SVM) is proposed. The pre... In order to solve the problems of small sample over-fitting and local minima when neural networks learn online, a novel method of predicting network bandwidth based on support vector machines(SVM) is proposed. The prediction and learning online will be completed by the proposed moving window learning algorithm(MWLA). The simulation research is done to validate the proposed method, which is compared with the method based on neural networks. 展开更多
关键词 support vector machines(svm) neural networks network bandwidth bandwidth prediction
下载PDF
Method for Detecting Fluff Quality of Fabric Surface Based on Support Vector Machine
12
作者 林强强 金守峰 马秋瑞 《Journal of Donghua University(English Edition)》 EI CAS 2020年第4期298-303,共6页
In order to improve the accuracy of using visual methods to detect the quality of fluff fabrics,based on the previous research,this paper proposes a method of rapid classification detection using support vector machin... In order to improve the accuracy of using visual methods to detect the quality of fluff fabrics,based on the previous research,this paper proposes a method of rapid classification detection using support vector machine(SVM).The fabric image is acquired by the principle of light-cut imaging,and the region of interest is extracted by the method of grayscale horizontal projection.The obtained coordinates of the upper edge of the fabric are decomposed into high frequency information and low frequency information by wavelet transform,and the high frequency information is used as a data set for training.After experimental comparison and analysis,the detection rate of the SVM method proposed in this paper is higher than the previously proposed back propagation(BP)neural network and particle swarm optimization BP(PSO-BP)neural network detection methods,and the accuracy rate can reach 99.41%,which can meet the needs of industrial testing. 展开更多
关键词 wool fabric machine vision support vector machine(svm) optical imaging
下载PDF
Krylov Iterative Methods for Support Vector Machines to Classify Galaxy Morphologies
13
作者 Matthew Freed Jeonghwa Lee 《Journal of Data Analysis and Information Processing》 2015年第3期72-86,共15页
Large catalogues of classified galaxy images have been useful in many studies of the universe in astronomy. There are too many objects to classify manually in the Sloan Digital Sky Survey, one of the premier data sour... Large catalogues of classified galaxy images have been useful in many studies of the universe in astronomy. There are too many objects to classify manually in the Sloan Digital Sky Survey, one of the premier data sources in astronomy. Therefore, efficient machine learning and classification algorithms are required to automate the classifying process. We propose to apply the Support Vector Machine (SVM) algorithm to classify galaxy morphologies and Krylov iterative methods to improve runtime of the classification. The accuracy of the classification is measured on various categories of galaxies from the survey. A three-class algorithm is presented that makes use of multiple SVMs. This algorithm is used to assign the categories of spiral, elliptical, and irregular galaxies. A selection of Krylov iterative solvers are compared based on their efficiency and accuracy of the resulting classification. The experimental results demonstrate that runtime can be significantly improved by utilizing Krylov iterative methods without impacting classification accuracy. The generalized minimal residual method (GMRES) is shown to be the most efficient solver to classify galaxy morphologies. 展开更多
关键词 Data Mining support vector machineS GALAXY MORPHOLOGIES Krylov ITERATIVE methods
下载PDF
Structural Reliability Analysis Based on Support Vector Machine and Dual Neural Network Direct Integration Method
14
作者 聂晓波 李海滨 《Journal of Donghua University(English Edition)》 CAS 2021年第1期51-56,共6页
Aiming at the reliability analysis of small sample data or implicit structural function,a novel structural reliability analysis model based on support vector machine(SVM)and neural network direct integration method(DN... Aiming at the reliability analysis of small sample data or implicit structural function,a novel structural reliability analysis model based on support vector machine(SVM)and neural network direct integration method(DNN)is proposed.Firstly,SVM with good small sample learning ability is used to train small sample data,fit structural performance functions and establish regular integration regions.Secondly,DNN is approximated the integral function to achieve multiple integration in the integration region.Finally,structural reliability was obtained by DNN.Numerical examples are investigated to demonstrate the effectiveness of the present method,which provides a feasible way for the structural reliability analysis. 展开更多
关键词 support vector machine(svm) neural network direct integration method structural reliability small sample data performance function
下载PDF
采用改进遗传算法优化LS-SVM逆系统的外转子无铁心无轴承永磁同步发电机解耦控制 被引量:1
15
作者 朱熀秋 沈良瑜 《中国电机工程学报》 EI CSCD 北大核心 2024年第5期2037-2046,I0032,共11页
为了实现外转子无铁心无轴承永磁同步发电机(outer rotor coreless bearingless permanent magnet synchronous generator,ORC-BPMSG)的精确控制,提出一种基于改进遗传算法(improved genetic algorithm,IGA)优化最小二乘支持向量机(leas... 为了实现外转子无铁心无轴承永磁同步发电机(outer rotor coreless bearingless permanent magnet synchronous generator,ORC-BPMSG)的精确控制,提出一种基于改进遗传算法(improved genetic algorithm,IGA)优化最小二乘支持向量机(least square support vector machine,LS-SVM)逆系统的解耦控制策略。首先,基于ORC-BPMSG的结构及工作原理,推导其数学模型,并分析其可逆性。其次,建立LS-SVM回归方程,并采用IGA优化LS-SVM的性能参数,从而训练得到逆系统。然后,将逆系统与原系统串接,形成伪线性系统,实现了ORC-BPMSG的线性化和解耦。最后,将提出的控制方法与传统LS-SVM逆系统控制方法进行对比仿真和实验。仿真和实验结果表明:所提出的控制策略可以较好地实现ORC-BPMSG输出电压和悬浮力、以及悬浮力之间的解耦控制。 展开更多
关键词 外转子无铁心无轴承永磁同步发电机 最小二乘支持向量机 逆系统 改进遗传算法 解耦控制
下载PDF
不平衡数据下基于SVM增量学习的指挥信息系统状态监控方法
16
作者 焦志强 易侃 +1 位作者 张杰勇 姚佩阳 《系统工程与电子技术》 EI CSCD 北大核心 2024年第3期992-1003,共12页
针对指挥信息系统历史状态样本有限的特点,基于支持向量机(support vector machines,SVM)设计了一种面向不平衡数据的SVM增量学习方法。针对系统正常/异常状态样本不平衡的情况,首先利用支持向量生成一部分新样本,然后通过分带的思想逐... 针对指挥信息系统历史状态样本有限的特点,基于支持向量机(support vector machines,SVM)设计了一种面向不平衡数据的SVM增量学习方法。针对系统正常/异常状态样本不平衡的情况,首先利用支持向量生成一部分新样本,然后通过分带的思想逐带产生分布更加均匀的新样本以调节原样本集的不平衡比。针对系统监控实时性要求高且在运行过程中会有新样本不断加入的特点,采用增量学习的方式对分类模型进行持续更新,在放松KKT(Karush-Kuhn-Tucker)更新触发条件的基础上,通过定义样本重要度并引入保留率和遗忘率的方式减少了增量学习过程中所需训练的样本数量。为了验证算法的有效性和优越性,实验部分在真实系统中获得的数据集以及UCI数据集中3类6组不平衡数据集中与现有的算法进行了对比。结果表明,所提算法能够有效实现对不平衡数据的增量学习,从而满足指挥信息系统状态监控的需求。 展开更多
关键词 指挥信息系统 系统监控 支持向量机 不平衡数据 增量学习
下载PDF
基于改进CNN-SVM的井下钻头磨损状态评估研究
17
作者 李玉梅 邓杨林 +3 位作者 李基伟 李乾 杨磊 于丽维 《石油机械》 北大核心 2024年第6期12-19,共8页
现有钻头磨损评估方法中,存在人工特征提取过程可能无法完全提取正确分类所需的信号动态特征,及需要对各个统计量进行大量计算等问题。为此,提出了一种新的基于改进卷积神经网络支持向量机(CNN-SVM)的钻头磨损程度评估算法。该算法将采... 现有钻头磨损评估方法中,存在人工特征提取过程可能无法完全提取正确分类所需的信号动态特征,及需要对各个统计量进行大量计算等问题。为此,提出了一种新的基于改进卷积神经网络支持向量机(CNN-SVM)的钻头磨损程度评估算法。该算法将采集的近钻头原始振动数据导入CNN-Softmax模型,通过训练好的CNN模型从近钻头数据中提取主要的特征参数,将提取的稀疏特征向量输入SVM并进行故障分类,利用遗传算法实现SVM参数的优化选择,最后应用t分布随机邻域法近邻嵌入,使其故障特征学习过程可视化,以评估其特征提取能力。采用该算法对钻头磨损的现场试验数据进行了分析。分析结果表明:基于改进CNN-SVM的井下钻头磨损状态评估算法准确率高达98.33%。所得结论可为实现钻头磨损状态的进一步监测提供理论支撑。 展开更多
关键词 钻头磨损状态评估 卷积神经网络 支持向量机 特征提取可视化 平均池化采样
下载PDF
基于SVM算法的虚假航迹识别
18
作者 代睿 鹿瑶 安锐 《导航定位与授时》 CSCD 2024年第2期103-110,共8页
针对云雨杂波和主被动干扰导致多雷达传感器产生虚假目标航迹的问题,利用支持向量机(SVM)算法的自主学习能力,通过构建基于数据驱动的判别模型进行虚假航迹识别。针对航迹起始得到的目标潜在航迹,利用人工智能数据驱动、自学习的特点,... 针对云雨杂波和主被动干扰导致多雷达传感器产生虚假目标航迹的问题,利用支持向量机(SVM)算法的自主学习能力,通过构建基于数据驱动的判别模型进行虚假航迹识别。针对航迹起始得到的目标潜在航迹,利用人工智能数据驱动、自学习的特点,设计了SVM算法。通过对已标记真假的目标航迹样本进行离线学习,形成虚假航迹识别的SVM分类器,实现了基于数据驱动的判别模型代替先验知识规则约束的固定模型,并在工程应用中,利用SVM分类器在线识别虚假航迹,完成实时剔除。通过实测雷达数据实验验证,该算法的目标虚假航迹准确率高达95%以上,完全满足实际的工程应用需求。相比基于阈值或规则进行硬性判断的传统虚假航迹识别方法,所提出的算法不仅提高了准确率,还具有较高的实时性,能够适应复杂多变的杂波环境,在实际应用中具有更强的适应性和实用性。因此,提出的基于SVM算法的虚假航迹识别方法对于密集杂波场景下的虚假航迹剔除问题具有显著的实际应用价值。 展开更多
关键词 目标跟踪 机器学习 支持向量机(svm)算法 虚假航迹
下载PDF
结合SVM与XGBoost的链式多路径覆盖测试用例生成
19
作者 钱忠胜 俞情媛 +3 位作者 张丁 姚昌森 秦朗悦 成轶伟 《软件学报》 EI CSCD 北大核心 2024年第6期2795-2820,共26页
机器学习方法可很好地与软件测试相结合,增强测试效果,但少有学者将其运用于测试数据生成方面.为进一步提高测试数据生成效率,提出一种结合SVM(support vector machine)和XGBoost(extreme gradient boosting)的链式模型,并基于此模型借... 机器学习方法可很好地与软件测试相结合,增强测试效果,但少有学者将其运用于测试数据生成方面.为进一步提高测试数据生成效率,提出一种结合SVM(support vector machine)和XGBoost(extreme gradient boosting)的链式模型,并基于此模型借助遗传算法实现多路径测试数据生成.首先,利用一定样本训练若干个用于预测路径节点状态的子模型(SVM和XGBoost),通过子模型的预测精度值筛选最优子模型,并根据路径节点顺序将其依次链接,形成一个链式模型C-SVMXGBoost(chained SVM and XGBoost).在利用遗传算法生成测试用例时,使用训练好的链式模型代替插桩法获取测试数据覆盖路径(预测路径),寻找预测路径与目标路径相似的路径集,对存在相似路径集的预测路径进行插桩验证,获取精确路径,计算适应度值.在交叉变异过程中引入样本集中路径层级深度较大的优秀测试用例进行重用,生成覆盖目标路径的测试数据.最后,保留进化生成中产生的适应度较高的个体,更新链式模型C-SVMXGBoost,进一步提高测试效率.实验表明,C-SVMXGBoost较其他各对比链式模型更适合解决路径预测问题,可提高测试效率.并且通过与已有经典方法相比,所提方法在覆盖率上提高可达15%,平均进化代数也有所降低,在较大规模程序上其降低百分比可达65%. 展开更多
关键词 测试用例 svm XGBoost 链式模型 多路径覆盖
下载PDF
基于RF-SFLA-SVM的装配式建筑高空作业工人不安全行为预警
20
作者 王军武 何娟娟 +3 位作者 宋盈辉 刘一鹏 陈兆 郭婧怡 《中国安全科学学报》 CAS CSCD 北大核心 2024年第3期1-8,共8页
为有效预警装配式建筑高空作业工人不安全行为的发生趋势或状态,增强对装配式建筑工人不安全行为(PBWUBs)的管控,采用随机森林(RF)-混合蛙跳算法(SFLA)-支持向量机(SVM)模型,开展工人不安全行为预警研究。首先,采用SHEL模型分析处于高... 为有效预警装配式建筑高空作业工人不安全行为的发生趋势或状态,增强对装配式建筑工人不安全行为(PBWUBs)的管控,采用随机森林(RF)-混合蛙跳算法(SFLA)-支持向量机(SVM)模型,开展工人不安全行为预警研究。首先,采用SHEL模型分析处于高空作业危险中的PBWUBs的影响因素,并通过RF确定关键预警指标;然后,采用SFLA对SVM的参数进行寻优改进;最后,利用RF-SFLA-SVM预警高空作业PBWUBs,提出应对措施,并与其他预警模型对比。研究结果表明:基于RF-SFLA-SVM预警高空作业PBWUBs,准确率最高,为91.67%,与其他模型的预警性能相比,最高提升14%。研究结果可为高空作业PBWUBs的防控提供参考。 展开更多
关键词 随机森林(RF) 蛙跳算法(SFLA) 支持向量机(svm) 装配式建筑 高空作业 不安全行为
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部