期刊文献+
共找到26,589篇文章
< 1 2 250 >
每页显示 20 50 100
Performance Analysis of Support Vector Machine (SVM) on Challenging Datasets for Forest Fire Detection
1
作者 Ankan Kar Nirjhar Nath +1 位作者 Utpalraj Kemprai   Aman 《International Journal of Communications, Network and System Sciences》 2024年第2期11-29,共19页
This article delves into the analysis of performance and utilization of Support Vector Machines (SVMs) for the critical task of forest fire detection using image datasets. With the increasing threat of forest fires to... This article delves into the analysis of performance and utilization of Support Vector Machines (SVMs) for the critical task of forest fire detection using image datasets. With the increasing threat of forest fires to ecosystems and human settlements, the need for rapid and accurate detection systems is of utmost importance. SVMs, renowned for their strong classification capabilities, exhibit proficiency in recognizing patterns associated with fire within images. By training on labeled data, SVMs acquire the ability to identify distinctive attributes associated with fire, such as flames, smoke, or alterations in the visual characteristics of the forest area. The document thoroughly examines the use of SVMs, covering crucial elements like data preprocessing, feature extraction, and model training. It rigorously evaluates parameters such as accuracy, efficiency, and practical applicability. The knowledge gained from this study aids in the development of efficient forest fire detection systems, enabling prompt responses and improving disaster management. Moreover, the correlation between SVM accuracy and the difficulties presented by high-dimensional datasets is carefully investigated, demonstrated through a revealing case study. The relationship between accuracy scores and the different resolutions used for resizing the training datasets has also been discussed in this article. These comprehensive studies result in a definitive overview of the difficulties faced and the potential sectors requiring further improvement and focus. 展开更多
关键词 Support vector machine Challenging Datasets Forest Fire Detection CLASSIFICATION
下载PDF
Machine learning model based on non-convex penalized huberized-SVM
2
作者 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
Active Fault Tolerant Nonsingular Terminal Sliding Mode Control for Electromechanical System Based on Support Vector Machine
3
作者 Jian Hu Zhengyin Yang Jianyong Yao 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2024年第3期189-203,共15页
Effective fault diagnosis and fault-tolerant control method for aeronautics electromechanical actuator is concerned in this paper.By borrowing the advantages of model-driven and data-driven methods,a fault tolerant no... Effective fault diagnosis and fault-tolerant control method for aeronautics electromechanical actuator is concerned in this paper.By borrowing the advantages of model-driven and data-driven methods,a fault tolerant nonsingular terminal sliding mode control method based on support vector machine(SVM)is proposed.A SVM is designed to estimate the fault by off-line learning from small sample data with solving convex quadratic programming method and is introduced into a high-gain observer,so as to improve the state estimation and fault detection accuracy when the fault occurs.The state estimation value of the observer is used for state reconfiguration.A novel nonsingular terminal sliding mode surface is designed,and Lyapunov theorem is used to derive a parameter adaptation law and a control law.It is guaranteed that the proposed controller can achieve asymptotical stability which is superior to many advanced fault-tolerant controllers.In addition,the parameter estimation also can help to diagnose the system faults because the faults can be reflected by the parameters variation.Extensive comparative simulation and experimental results illustrate the effectiveness and advancement of the proposed controller compared with several other main-stream controllers. 展开更多
关键词 Aeronautics electromechanical actuator Fault tolerant control Support vector machine State observer Parametric uncertainty
下载PDF
Improved Twin Support Vector Machine Algorithm and Applications in Classification Problems
4
作者 Sun Yi Wang Zhouyang 《China Communications》 SCIE CSCD 2024年第5期261-279,共19页
The distribution of data has a significant impact on the results of classification.When the distribution of one class is insignificant compared to the distribution of another class,data imbalance occurs.This will resu... The distribution of data has a significant impact on the results of classification.When the distribution of one class is insignificant compared to the distribution of another class,data imbalance occurs.This will result in rising outlier values and noise.Therefore,the speed and performance of classification could be greatly affected.Given the above problems,this paper starts with the motivation and mathematical representing of classification,puts forward a new classification method based on the relationship between different classification formulations.Combined with the vector characteristics of the actual problem and the choice of matrix characteristics,we firstly analyze the orderly regression to introduce slack variables to solve the constraint problem of the lone point.Then we introduce the fuzzy factors to solve the problem of the gap between the isolated points on the basis of the support vector machine.We introduce the cost control to solve the problem of sample skew.Finally,based on the bi-boundary support vector machine,a twostep weight setting twin classifier is constructed.This can help to identify multitasks with feature-selected patterns without the need for additional optimizers,which solves the problem of large-scale classification that can’t deal effectively with the very low category distribution gap. 展开更多
关键词 FUZZY ordered regression(OR) relaxing variables twin support vector machine
下载PDF
Differentially Private Support Vector Machines with Knowledge Aggregation
5
作者 Teng Wang Yao Zhang +2 位作者 Jiangguo Liang Shuai Wang Shuanggen Liu 《Computers, Materials & Continua》 SCIE EI 2024年第3期3891-3907,共17页
With the widespread data collection and processing,privacy-preserving machine learning has become increasingly important in addressing privacy risks related to individuals.Support vector machine(SVM)is one of the most... With the widespread data collection and processing,privacy-preserving machine learning has become increasingly important in addressing privacy risks related to individuals.Support vector machine(SVM)is one of the most elementary learning models of machine learning.Privacy issues surrounding SVM classifier training have attracted increasing attention.In this paper,we investigate Differential Privacy-compliant Federated Machine Learning with Dimensionality Reduction,called FedDPDR-DPML,which greatly improves data utility while providing strong privacy guarantees.Considering in distributed learning scenarios,multiple participants usually hold unbalanced or small amounts of data.Therefore,FedDPDR-DPML enables multiple participants to collaboratively learn a global model based on weighted model averaging and knowledge aggregation and then the server distributes the global model to each participant to improve local data utility.Aiming at high-dimensional data,we adopt differential privacy in both the principal component analysis(PCA)-based dimensionality reduction phase and SVM classifiers training phase,which improves model accuracy while achieving strict differential privacy protection.Besides,we train Differential privacy(DP)-compliant SVM classifiers by adding noise to the objective function itself,thus leading to better data utility.Extensive experiments on three high-dimensional datasets demonstrate that FedDPDR-DPML can achieve high accuracy while ensuring strong privacy protection. 展开更多
关键词 Differential privacy support vector machine knowledge aggregation data utility
下载PDF
Comparison of debris flow susceptibility assessment methods:support vector machine,particle swarm optimization,and feature selection techniques
6
作者 ZHAO Haijun WEI Aihua +3 位作者 MA Fengshan DAI Fenggang JIANG Yongbing LI Hui 《Journal of Mountain Science》 SCIE CSCD 2024年第2期397-412,共16页
The selection of important factors in machine learning-based susceptibility assessments is crucial to obtain reliable susceptibility results.In this study,metaheuristic optimization and feature selection techniques we... The selection of important factors in machine learning-based susceptibility assessments is crucial to obtain reliable susceptibility results.In this study,metaheuristic optimization and feature selection techniques were applied to identify the most important input parameters for mapping debris flow susceptibility in the southern mountain area of Chengde City in Hebei Province,China,by using machine learning algorithms.In total,133 historical debris flow records and 16 related factors were selected.The support vector machine(SVM)was first used as the base classifier,and then a hybrid model was introduced by a two-step process.First,the particle swarm optimization(PSO)algorithm was employed to select the SVM model hyperparameters.Second,two feature selection algorithms,namely principal component analysis(PCA)and PSO,were integrated into the PSO-based SVM model,which generated the PCA-PSO-SVM and FS-PSO-SVM models,respectively.Three statistical metrics(accuracy,recall,and specificity)and the area under the receiver operating characteristic curve(AUC)were employed to evaluate and validate the performance of the models.The results indicated that the feature selection-based models exhibited the best performance,followed by the PSO-based SVM and SVM models.Moreover,the performance of the FS-PSO-SVM model was better than that of the PCA-PSO-SVM model,showing the highest AUC,accuracy,recall,and specificity values in both the training and testing processes.It was found that the selection of optimal features is crucial to improving the reliability of debris flow susceptibility assessment results.Moreover,the PSO algorithm was found to be not only an effective tool for hyperparameter optimization,but also a useful feature selection algorithm to improve prediction accuracies of debris flow susceptibility by using machine learning algorithms.The high and very high debris flow susceptibility zone appropriately covers 38.01%of the study area,where debris flow may occur under intensive human activities and heavy rainfall events. 展开更多
关键词 Chengde Feature selection Support vector machine Particle swarm optimization Principal component analysis Debris flow susceptibility
下载PDF
Enhanced Steganalysis for Color Images Using Curvelet Features and Support Vector Machine
7
作者 Arslan Akram Imran Khan +4 位作者 Javed Rashid Mubbashar Saddique Muhammad Idrees Yazeed Yasin Ghadi Abdulmohsen Algarni 《Computers, Materials & Continua》 SCIE EI 2024年第1期1311-1328,共18页
Algorithms for steganography are methods of hiding data transfers in media files.Several machine learning architectures have been presented recently to improve stego image identification performance by using spatial i... Algorithms for steganography are methods of hiding data transfers in media files.Several machine learning architectures have been presented recently to improve stego image identification performance by using spatial information,and these methods have made it feasible to handle a wide range of problems associated with image analysis.Images with little information or low payload are used by information embedding methods,but the goal of all contemporary research is to employ high-payload images for classification.To address the need for both low-and high-payload images,this work provides a machine-learning approach to steganography image classification that uses Curvelet transformation to efficiently extract characteristics from both type of images.Support Vector Machine(SVM),a commonplace classification technique,has been employed to determine whether the image is a stego or cover.The Wavelet Obtained Weights(WOW),Spatial Universal Wavelet Relative Distortion(S-UNIWARD),Highly Undetectable Steganography(HUGO),and Minimizing the Power of Optimal Detector(MiPOD)steganography techniques are used in a variety of experimental scenarios to evaluate the performance of the proposedmethod.Using WOW at several payloads,the proposed approach proves its classification accuracy of 98.60%.It exhibits its superiority over SOTA methods. 展开更多
关键词 CURVELETS fast fourier transformation support vector machine high pass filters STEGANOGRAPHY
下载PDF
HHO optimized support vector machine classifier for traditional Chinese medicine syndrome differentiation of diabetic retinopathy
8
作者 Li Xiao Cheng-Wu Wang +4 位作者 Ying Deng Yi-Jing Yang Jing Lu Jun-Feng Yan Qing-Hua Peng 《International Journal of Ophthalmology(English edition)》 SCIE CAS 2024年第6期991-1000,共10页
AIM:To develop a classifier for traditional Chinese medicine(TCM)syndrome differentiation of diabetic retinopathy(DR),using optimized machine learning algorithms,which can provide the basis for TCM objective and intel... AIM:To develop a classifier for traditional Chinese medicine(TCM)syndrome differentiation of diabetic retinopathy(DR),using optimized machine learning algorithms,which can provide the basis for TCM objective and intelligent syndrome differentiation.METHODS:Collated data on real-world DR cases were collected.A variety of machine learning methods were used to construct TCM syndrome classification model,and the best performance was selected as the basic model.Genetic Algorithm(GA)was used for feature selection to obtain the optimal feature combination.Harris Hawk Optimization(HHO)was used for parameter optimization,and a classification model based on feature selection and parameter optimization was constructed.The performance of the model was compared with other optimization algorithms.The models were evaluated with accuracy,precision,recall,and F1 score as indicators.RESULTS:Data on 970 cases that met screening requirements were collected.Support Vector Machine(SVM)was the best basic classification model.The accuracy rate of the model was 82.05%,the precision rate was 82.34%,the recall rate was 81.81%,and the F1 value was 81.76%.After GA screening,the optimal feature combination contained 37 feature values,which was consistent with TCM clinical practice.The model based on optimal combination and SVM(GA_SVM)had an accuracy improvement of 1.92%compared to the basic classifier.SVM model based on HHO and GA optimization(HHO_GA_SVM)had the best performance and convergence speed compared with other optimization algorithms.Compared with the basic classification model,the accuracy was improved by 3.51%.CONCLUSION:HHO and GA optimization can improve the model performance of SVM in TCM syndrome differentiation of DR.It provides a new method and research idea for TCM intelligent assisted syndrome differentiation. 展开更多
关键词 traditional Chinese medicine diabetic retinopathy Harris Hawk Optimization Support vector machine syndrome differentiation
下载PDF
Predicting Turbidite Channel in Deep-Water Canyon Based on Grey Relational Analysis-Support Vector Machine Model:A Case Study of the Lingshui Depression in Qiongdongnan Basin,South China Sea
9
作者 Haichen Li Jianghai Li +1 位作者 Li Li Zhandong Li 《Energy Engineering》 EI 2024年第9期2435-2447,共13页
The turbidite channel of South China Sea has been highly concerned.Influenced by the complex fault and the rapid phase change of lithofacies,predicting the channel through conventional seismic attributes is not accura... The turbidite channel of South China Sea has been highly concerned.Influenced by the complex fault and the rapid phase change of lithofacies,predicting the channel through conventional seismic attributes is not accurate enough.In response to this disadvantage,this study used a method combining grey relational analysis(GRA)and support vectormachine(SVM)and established a set of prediction technical procedures suitable for reservoirs with complex geological conditions.In the case study of the Huangliu Formation in Qiongdongnan Basin,South China Sea,this study first dimensionalized the conventional seismic attributes of Gas Layer Group I and then used the GRA method to obtain the main relational factors.A higher relational degree indicates a higher probability of responding to the attributes of the turbidite channel.This study then accumulated the optimized attributes with the highest relational factors to obtain a first-order accumulated sequence,which was used as the input training sample of the SVM model,thus successfully constructing the SVM turbidite channel model.Drilling results prove that the GRA-SVMmethod has a high drilling coincidence rate.Utilizing the core and logging data and taking full use of the advantages of seismic inversion in predicting the sand boundary of water channels,this study divides the sedimentary microfacies of the Huangliu Formation in the Lingshui 17-2 Gas Field.This comprehensive study has shown that the GRA-SVM method has high accuracy for predicting turbidite channels and can be used as a superior turbidite channel prediction method under complex geological conditions. 展开更多
关键词 Support vector machine CHANNEL Huangliu Formation Qiongdongnan Basin
下载PDF
POSITIVE DEFINITE KERNEL IN SUPPORT VECTOR MACHINE(SVM) 被引量:3
10
作者 谢志鹏 《Transactions of Nanjing University of Aeronautics and Astronautics》 EI 2009年第2期114-121,共8页
The relationship among Mercer kernel, reproducing kernel and positive definite kernel in support vector machine (SVM) is proved and their roles in SVM are discussed. The quadratic form of the kernel matrix is used t... The relationship among Mercer kernel, reproducing kernel and positive definite kernel in support vector machine (SVM) is proved and their roles in SVM are discussed. The quadratic form of the kernel matrix is used to confirm the positive definiteness and their construction. Based on the Bochner theorem, some translation invariant kernels are checked in their Fourier domain. Some rotation invariant radial kernels are inspected according to the Schoenberg theorem. Finally, the construction of discrete scaling and wavelet kernels, the kernel selection and the kernel parameter learning are discussed. 展开更多
关键词 support vector machines(svms) mercer kernel reproducing kernel positive definite kernel scaling and wavelet kernel
下载PDF
基于多特征提取与灰狼算法优化SVM的车内异响识别方法 被引量:1
11
作者 王若平 陈严 +2 位作者 王东 梁博洋 曾发林 《计算机应用与软件》 北大核心 2024年第3期41-48,共8页
传统的异响识别方法对测试设备要求较高且易受实验员经验差异影响。针对这种情况,提出一种基于多特征提取与灰狼算法优化支持向量机(Support Vector Machine,SVM)的车内异响识别方法。该方法以采集实验获得的6种车内常见异响作为研究对... 传统的异响识别方法对测试设备要求较高且易受实验员经验差异影响。针对这种情况,提出一种基于多特征提取与灰狼算法优化支持向量机(Support Vector Machine,SVM)的车内异响识别方法。该方法以采集实验获得的6种车内常见异响作为研究对象,提取短时能量、小波变换优化的梅尔频率倒谱系数(DWT-MFCC)及其一阶差分组成混合特征参数,将灰狼优化算法应用于SVM的参数寻优中,建立异响识别模型并进行识别分类,同时探究选用不同维度的特征或不同算法对识别效果的影响。结果表明,所提取的25维混合特征能有效传达异响信息,该方法在收敛速度与识别准确率方面优势明显,能更好地实现车内异响的识别。 展开更多
关键词 车内异响识别 短时能量 DWT-MFCC 灰狼优化算法 支持向量机
下载PDF
基于特征融合和B-SVM的鸟鸣声识别算法 被引量:1
12
作者 陈晓 曾昭优 《声学技术》 CSCD 北大核心 2024年第1期119-126,共8页
为了实现在野外通过低成本嵌入式系统识别鸟类,提出了基于特征融合和B-SVM的鸟鸣声识别方法。对鸟鸣声信号提取梅尔频率倒谱系数、翻转梅尔频率倒谱系数、短时能量和短时过零率组成特征参数,通过线性判别算法对特征参数进行特征融合。... 为了实现在野外通过低成本嵌入式系统识别鸟类,提出了基于特征融合和B-SVM的鸟鸣声识别方法。对鸟鸣声信号提取梅尔频率倒谱系数、翻转梅尔频率倒谱系数、短时能量和短时过零率组成特征参数,通过线性判别算法对特征参数进行特征融合。利用黑寡妇算法通过测试集对支持向量机模型的核参数和损失值进行优化得到B-SVM模型。利用Xeno-canto鸟鸣声数据集对本文算法进行了测试,结果表明该方法的识别准确率为93.23%。算法维度参数的大小和融合特征维度的高低是影响算法识别效果的重要因素。在相同条件下,文中所提的基于特征融合和B-SVM模型的鸟鸣声识别算法相较于其他特征参数和模型,识别的准确率更高,为野外鸟类识别提供了参考。 展开更多
关键词 鸟鸣声识别 梅尔频率倒谱系数 线性判别算法 黑寡妇优化算法 支持向量机
下载PDF
采用改进遗传算法优化LS-SVM逆系统的外转子无铁心无轴承永磁同步发电机解耦控制 被引量:1
13
作者 朱熀秋 沈良瑜 《中国电机工程学报》 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
基于ISSA-HKLSSVM的浮选精矿品位预测方法 被引量:1
14
作者 高云鹏 罗芸 +2 位作者 孟茹 张微 赵海利 《湖南大学学报(自然科学版)》 EI CAS CSCD 北大核心 2024年第2期111-120,共10页
针对浮选过程变量滞后、耦合特征及建模样本数量少所导致精矿品位难以准确预测的问题,提出了一种基于改进麻雀搜索算法(Improved Sparrow Search Algorithm,ISSA)优化混核最小二乘支持向量机(Hybrid Kernel Least Squares Support Vecto... 针对浮选过程变量滞后、耦合特征及建模样本数量少所导致精矿品位难以准确预测的问题,提出了一种基于改进麻雀搜索算法(Improved Sparrow Search Algorithm,ISSA)优化混核最小二乘支持向量机(Hybrid Kernel Least Squares Support Vector Machine,HKLSSVM)的浮选过程精矿品位预测方法.首先采集浮选现场载流X荧光品位分析仪数据作为建模变量并进行预处理,建立基于最小二乘支持向量机(Least Squares Support Vector Machine,LSSVM)的预测模型,以此构建新型混合核函数,将输入空间映射至高维特征空间,再引入改进麻雀搜索算法对模型参数进行优化,提出基于ISSA-HKLSSVM方法实现精矿品位预测,最后开发基于LabVIEW的浮选精矿品位预测系统对本文提出方法实际验证.实验结果表明,本文提出方法对于浮选过程小样本建模具有良好拟合能力,相比现有方法提高了预测准确率,可实现精矿品位的准确在线预测,为浮选过程的智能调控提供实时可靠的精矿品位反馈信息. 展开更多
关键词 浮选 精矿品位 最小二乘支持向量机 改进麻雀搜索算法 预测模型
下载PDF
多策略改进黏菌算法阶段优化HSVM变压器故障辨识 被引量:1
15
作者 谢国民 林忠宝 《电子测量与仪器学报》 CSCD 北大核心 2024年第3期67-76,共10页
为解决变压器故障诊断精度较低的问题,提出了一种多策略改进黏菌算法(ISMA)阶段优化混合核支持向量机(HSVM)的变压器故障诊断新方法。首先,利用主成分分析(PCA)来消除变量之间的信息冗余并降低数据集维度。其次,引入黏菌算法(SMA),并结... 为解决变压器故障诊断精度较低的问题,提出了一种多策略改进黏菌算法(ISMA)阶段优化混合核支持向量机(HSVM)的变压器故障诊断新方法。首先,利用主成分分析(PCA)来消除变量之间的信息冗余并降低数据集维度。其次,引入黏菌算法(SMA),并结合Logistic混沌映射、二次插值、自适应权重多策略改进SMA,以提高SMA算法收敛速度和局部搜索能力;然后,与原始SMA、WHO和GWO算法进行寻优测试,对比验证改进后SMA算法的优越性;最后,使用改进SMA算法分阶段对混合核支持向量机参数寻优,构建ISMA-HSVM变压器故障诊断模型。将降维后的特征数据输入HSVM模型与BPPN、ELM和SVM进行比较,HSVM模型的诊断准确性分别提高了5.55%、8.89%、5.55%。使用ISMA优化HSVM模型参数,与WHO、GWO、SMA算法优化效果比较,结果准确性提高了13.33%、12.22%、5.55%。其中,ISMA-HSVM模型的诊断精度为93.33%。实验结果表明,所提模型有效提升故障诊断分类性能,且具有较高的故障诊断精度。 展开更多
关键词 故障诊断 主成分分析 黏菌算法 混合核支持向量机
下载PDF
基于RS-PCA-SVM的建筑项目安全预测模型
16
作者 李永清 马亚冰 凤亚红 《合肥工业大学学报(自然科学版)》 CAS 北大核心 2024年第9期1243-1247,1261,共6页
为了减少建筑项目安全事故的发生,文章提出一种基于RS-PCA-SVM建筑项目安全组合预测模型,采用粗糙集理论(rough set,RS)对数据进行属性约简,剔除交叉和冗余信息,降低输入变量维数和计算复杂度,减少训练时间;利用主成分分析(principal co... 为了减少建筑项目安全事故的发生,文章提出一种基于RS-PCA-SVM建筑项目安全组合预测模型,采用粗糙集理论(rough set,RS)对数据进行属性约简,剔除交叉和冗余信息,降低输入变量维数和计算复杂度,减少训练时间;利用主成分分析(principal component analysis,PCA)法进行降维处理,除去贡献率较低的主成分,将剩余主成分作为支持向量机(support vector machine,SVM)的输入变量,并选择自适应权重粒子群优化算法(particle swarm optimization,PSO)优化SVM的参数,避免参数选择的盲目性。结果表明:该模型的平均预测准确率为93.78%,相比传统方法预测精度高、计算速度快。 展开更多
关键词 属性约简 主成分分析(PCA)法 支持向量机(svm) 预测模型
下载PDF
基于VMD-IMPA-SVM的超短期风电功率预测 被引量:1
17
作者 刘金朋 邓嘉明 +2 位作者 高鹏宇 刘胡诗涵 孙思源 《智慧电力》 北大核心 2024年第7期24-31,79,共9页
针对风力发电强波动性带来的预测精度不高问题,构建一种基于变模态分解(VMD)、灰狼优化算法(GWO)、海洋捕食者算法(MPA)和支持向量机(SVM)的组合预测模型。采用GWO对VMD的模态数和惩罚因子进行寻优,将原始功率序列分解为子序列进行降噪... 针对风力发电强波动性带来的预测精度不高问题,构建一种基于变模态分解(VMD)、灰狼优化算法(GWO)、海洋捕食者算法(MPA)和支持向量机(SVM)的组合预测模型。采用GWO对VMD的模态数和惩罚因子进行寻优,将原始功率序列分解为子序列进行降噪处理;运用对立学习和柯西变异等方法改进MPA的种群生成与变异方式,得到改进MPA(IMPA)并优化SVM中的核参数与惩罚参数,进而构建VMD-IMPA-SVM组合预测模型,对各子序列进行预测并叠加得到最终预测值。实际算例分析表明,所提组合预测模型具有较高的预测精度,同时具备强鲁棒性。 展开更多
关键词 风电功率预测 变模态分解 海洋捕食者算法 支持向量机 灰狼优化算法
下载PDF
NEW HYBRID AI-SVM ALGORITHM: COMBINATION OF SUPPORT VECTOR MACHINES AND ARTIFICIAL IMMUNE NETWORKS
18
作者 张焕萍 王惠南 宋晓峰 《Transactions of Nanjing University of Aeronautics and Astronautics》 EI 2006年第4期272-277,共6页
Support vector machines (SVMs) are combined with the artificial immune network (aiNet), thus forming a new hybrid ai-SVM algorithm. The algorithm is used to reduce the number of samples and the training time of SV... Support vector machines (SVMs) are combined with the artificial immune network (aiNet), thus forming a new hybrid ai-SVM algorithm. The algorithm is used to reduce the number of samples and the training time of SVM on large datasets, aiNet is an artificial immune system (AIS) inspired method to perform the automatic data compression, extract the relevant information and retain the topology of the original sample distribution. The output of aiNet is a set of antibodies for representing the input dataset in a simplified way. Then the SVM model is built in the compressed antibody network instead of the original input data. Experimental results show that the ai-SVM algorithm is effective to reduce the computing time and simplify the SVM model, and the accuracy is not decreased. 展开更多
关键词 support vector machine artificial immune network sample reduction
下载PDF
基于GA-SVM的钢轨廓形类型在线识别算法研究
19
作者 叶志坚 王菁 +1 位作者 吴越 陈建政 《仪表技术与传感器》 CSCD 北大核心 2024年第9期99-105,共7页
针对轨道交通日常运维中钢轨廓形自动化检测识别率不高的情况,提出了一种基于几何描述符和支持向量机(SVM)的高精度钢轨廓形在线识别算法。利用结构光传感器对钢轨廓形数据进行采集,采用几何去噪算法对廓形进行离群点剔除和重采样预处... 针对轨道交通日常运维中钢轨廓形自动化检测识别率不高的情况,提出了一种基于几何描述符和支持向量机(SVM)的高精度钢轨廓形在线识别算法。利用结构光传感器对钢轨廓形数据进行采集,采用几何去噪算法对廓形进行离群点剔除和重采样预处理。通过廓形几何描述符对不同类别钢轨廓形进行特征提取,制作廓形特征数据集用于训练SVM。采用遗传算法(GA)对SVM模型参数进行优化选取。将优化训练后的SVM模型用于钢轨廓形检测并和传统廓形识别方法进行对比。结果表明:提出的采用几何描述符的GA-SVM模型平均准确率达到99.62%,单帧廓形识别用时6.43 ms,能有效提升廓形识别准确率与高速性,满足轨道车辆在线检测的需求,并为轨道自动化检测提供了理论和技术支撑。 展开更多
关键词 轨道自动化检测 钢轨廓形 几何描述符 遗传算法 支持向量机
下载PDF
参数优化的IZOA-SVM机械设备故障诊断方法
20
作者 赵月静 邢天祥 秦志英 《机电工程》 CAS 北大核心 2024年第10期1894-1902,共9页
在复杂的工作环境中,机械设备振动信号的复杂性常常会导致机械设备故障诊断的准确性不高,为解决设备运行中因信号复杂性引发的故障诊断难题,提出了一种参数优化的斑马优化算法优化支持向量机(IZOA-SVM)的故障诊断方法。首先,引入了柯西... 在复杂的工作环境中,机械设备振动信号的复杂性常常会导致机械设备故障诊断的准确性不高,为解决设备运行中因信号复杂性引发的故障诊断难题,提出了一种参数优化的斑马优化算法优化支持向量机(IZOA-SVM)的故障诊断方法。首先,引入了柯西变异和反向学习的改进策略到斑马优化算法(ZOA)中,提出了改进的斑马优化算法(IZOA),旨在改善原有斑马优化算法在迭代后期容易陷入局部极值等问题,从而有效增强了其全局搜索能力;其次,利用IZOA优化支持向量机(SVM)的核参数g和惩罚参数c以寻找SVM最优参数组合[c,g],并构建了IZOA-SVM模型;然后,计算了样本的13个时域特征以构成特征向量,并将特征向量分别输入到IZOA-SVM模型、斑马优化算法优化支持向量机(ZOA-SVM)模型、粒子群算法优化支持向量机(PSO-SVM)模型、遗传算法优化支持向量机(GA-SVM)模型和支持向量机模型,进行了故障分类;最后,通过旋转机械振动及故障模拟试验验证了该方法的有效性。研究结果表明:IZOA-SVM模型在分类准确率方面得到了明显的提高,达到了98.33%;该模型能够精准而稳定地识别故障类型,提高故障识别的准确性,在准确率方面相较于其他对比方法表现出更为显著的优势。因此,该方法在全局搜索和故障分类准确性方面都取得了明显的改进,为复杂环境下的故障诊断提供了可参考的解决方案。 展开更多
关键词 机械设备 旋转机械 故障诊断 改进斑马优化算法 柯西变异 反向学习 支持向量机
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部