期刊文献+
共找到2,904篇文章
< 1 2 146 >
每页显示 20 50 100
基于K-Means聚类和Boosting算法的配电网线损计算方法
1
作者 马芳 张晨晖 《通信电源技术》 2024年第1期1-3,共3页
传统线损计算方法所需电气参数较多且计算过程烦琐,导致配电网线损计算结果精度较低,因此提出了一种基于K-Means聚类和Boosting算法的配电网线损计算方法。先采用K-Means聚类算法挖掘配电网的线路负荷有功电量、线路负荷无功电量、线路... 传统线损计算方法所需电气参数较多且计算过程烦琐,导致配电网线损计算结果精度较低,因此提出了一种基于K-Means聚类和Boosting算法的配电网线损计算方法。先采用K-Means聚类算法挖掘配电网的线路负荷有功电量、线路负荷无功电量、线路长度及线路负载率等电气特征指标,再将电气特征指标作为Boosting算法线损预测模型的输入数据,经过模型训练完成配电网线损的预测计算。实验结果表明,该设计方法的线损计算值与真实值之间的误差仅为4.27%,具有较高的配电网线损计算精度。 展开更多
关键词 K-MEANS聚类 boosting算法 配电网线损 线损计算
下载PDF
A Hybrid Ensemble Learning Approach Utilizing Light Gradient Boosting Machine and Category Boosting Model for Lifestyle-Based Prediction of Type-II Diabetes Mellitus
2
作者 Mahadi Nagassou Ronald Waweru Mwangi Euna Nyarige 《Journal of Data Analysis and Information Processing》 2023年第4期480-511,共32页
Addressing classification and prediction challenges, tree ensemble models have gained significant importance. Boosting ensemble techniques are commonly employed for forecasting Type-II diabetes mellitus. Light Gradien... Addressing classification and prediction challenges, tree ensemble models have gained significant importance. Boosting ensemble techniques are commonly employed for forecasting Type-II diabetes mellitus. Light Gradient Boosting Machine (LightGBM) is a widely used algorithm known for its leaf growth strategy, loss reduction, and enhanced training precision. However, LightGBM is prone to overfitting. In contrast, CatBoost utilizes balanced base predictors known as decision tables, which mitigate overfitting risks and significantly improve testing time efficiency. CatBoost’s algorithm structure counteracts gradient boosting biases and incorporates an overfitting detector to stop training early. This study focuses on developing a hybrid model that combines LightGBM and CatBoost to minimize overfitting and improve accuracy by reducing variance. For the purpose of finding the best hyperparameters to use with the underlying learners, the Bayesian hyperparameter optimization method is used. By fine-tuning the regularization parameter values, the hybrid model effectively reduces variance (overfitting). Comparative evaluation against LightGBM, CatBoost, XGBoost, Decision Tree, Random Forest, AdaBoost, and GBM algorithms demonstrates that the hybrid model has the best F1-score (99.37%), recall (99.25%), and accuracy (99.37%). Consequently, the proposed framework holds promise for early diabetes prediction in the healthcare industry and exhibits potential applicability to other datasets sharing similarities with diabetes. 展开更多
关键词 boosting Ensemble Learning Category boosting Light Gradient boosting Machine
下载PDF
基于贝叶斯超参数优化的Gradient Boosting方法的导弹气动特性预测
3
作者 崔榕峰 马海 +2 位作者 郭承鹏 李鸿岩 刘哲 《航空科学技术》 2023年第7期22-28,共7页
在导弹设计与研发的初期阶段,需要寻求高效且低成本的导弹气动力特性的分析方法。然而,气动性能分析过程中往往存在试验成本高、周期长、局限性大等问题。因此,本文采用基于提升(Boosting)的机器学习集成算法进行导弹气动特性预测,通过... 在导弹设计与研发的初期阶段,需要寻求高效且低成本的导弹气动力特性的分析方法。然而,气动性能分析过程中往往存在试验成本高、周期长、局限性大等问题。因此,本文采用基于提升(Boosting)的机器学习集成算法进行导弹气动特性预测,通过输入导弹的气动外形参数、马赫数和迎角,对于导弹气动力系数实现快速预测。结果表明,Boosting能够对导弹气动力系数进行精准高效预测。为进一步提升预测精度,与传统的机器学习参数调整方法相比,采用贝叶斯优化方法对梯度提升(Gradient Boosting)算法超参数进行优化,调优后的Gradient Boosting方法预测的导弹气动力系数与实际值吻合度得到提升,并将贝叶斯优化的Gradient Boosting方法与XGBoost、LightGBM、Adaboost方法进行了对比,贝叶斯优化的Gradient Boosting方法预测精度优于其他Boosting方法,证明了优化方法的可行性与有效性。 展开更多
关键词 导弹 气动特性 boosting Gradient boosting 贝叶斯优化
下载PDF
基于Boosting集成框架的新能源发电功率异常值检测方法 被引量:2
4
作者 陈宇轩 张耀 +1 位作者 徐杨 黎淦保 《电网技术》 EI CSCD 北大核心 2023年第8期3261-3268,共8页
新能源发电功率数据是电力大数据的重要组成部分,良好的数据质量为功率预测、负荷预测、电网规划运行、经济调度、需求侧响应等工作研究提供重要保障。新能源发电功率数据中的异常值占少数,因此新能源发电数据属于不平衡数据,传统的异... 新能源发电功率数据是电力大数据的重要组成部分,良好的数据质量为功率预测、负荷预测、电网规划运行、经济调度、需求侧响应等工作研究提供重要保障。新能源发电功率数据中的异常值占少数,因此新能源发电数据属于不平衡数据,传统的异常值检测大多使用单一模型,检测准确率相对较低。此外,在面对具有长尾分布特性的不平衡数据集时,传统单一模型的同权重训练模式容易造成多数类数据过拟合现象,导致检测精度大大降低。针对传统单模型异常值检测方法的不足,该文提出一种基于Boosting集成框架的异常值检测方法。总体框架采用3层递进式训练模式,其中基分类器对原始数据进行初步判断,由基分类器检测结果构成异常正常数量对等的平衡数据,用于训练次级分类器,最终决策器将对分歧样本再次训练。在真实风电数据上的测试结果表明,基于Boosting集成框架的模型相比于几种常用单一模型的异常值检测准确率有较大提升,能有效解决传统单一模型在不平衡数据上检测精度低的问题;与Bagging、Stacking集成框架相比,Boosting集成框架模型拥有最优的检测精准率、召回率和F1评分(F1Score)。 展开更多
关键词 异常值检测 boosting 孤立森林 时间序列
原文传递
基于协同训练与Boosting的协同过滤算法
5
作者 杨晓菡 郝国生 +1 位作者 张谢华 杨子豪 《计算机应用》 CSCD 北大核心 2023年第10期3136-3141,共6页
协同过滤(CF)算法基于物品之间或用户之间的相似度能实现个性化推荐,然而CF算法普遍存在数据稀疏性的问题。针对用户‒物品评分稀疏问题,为使预测更加准确,提出一种基于协同训练与Boosting的协同过滤算法(CFCTB)。首先,利用协同训练将两... 协同过滤(CF)算法基于物品之间或用户之间的相似度能实现个性化推荐,然而CF算法普遍存在数据稀疏性的问题。针对用户‒物品评分稀疏问题,为使预测更加准确,提出一种基于协同训练与Boosting的协同过滤算法(CFCTB)。首先,利用协同训练将两种CF集成于一个框架,两种CF互相添加置信度高的伪标记样本到对方的训练集中,并利用Boosting加权训练数据辅助协同训练;其次,采用加权集成预测最终的用户评分,有效避免伪标记样本所产生的噪声累加,进一步提高推荐性能。实验结果表明,在4个公开数据集上,所提算法的准确率优于单模型;在稀疏度最高的CiaoDVD数据集上,与面向推荐系统的全局和局部核(GLocal-K)相比,所提算法的平均绝对误差(MAE)降低了4.737%;与ECoRec(Ensemble of Co-trained Recommenders)算法相比,所提算法的均方根误差(RMSE)降低了7.421%。以上结果验证了所提算法的有效性。 展开更多
关键词 推荐算法 协同过滤 数据稀疏 协同训练 boosting
下载PDF
多源域分布下优化权重的迁移学习Boosting方法 被引量:1
6
作者 李赟波 王士同 《计算机科学与探索》 CSCD 北大核心 2023年第6期1441-1452,共12页
深度决策树迁移学习Boosting方法(DTrBoost)仅能适应一个源域与一个目标域的训练数据,无法适应多个不同分布的源域的样本。此外,DTrBoost方法同步地从源域中学习数据至目标域模型,并没有根据重要程度量化学习知识的权重。在实践中,对于... 深度决策树迁移学习Boosting方法(DTrBoost)仅能适应一个源域与一个目标域的训练数据,无法适应多个不同分布的源域的样本。此外,DTrBoost方法同步地从源域中学习数据至目标域模型,并没有根据重要程度量化学习知识的权重。在实践中,对于某数据集的数据按照某一或某些特征划分出来的数据往往分布不一致,并且这些不同分布的数据对于最终模型的重要性也不一致,知识迁移的权重也因此不平等。针对这一问题,提出了多源域优化权重的迁移学习方法,主要思想是根据不同分布的源域空间计算出到目标域的KL距离,利用KL距离的比值计算出不同分布的源域样本的学习权重比例,从而优化整体梯度函数,使学习方向朝着梯度下降最快的方向进行。使用梯度下降算法能使模型较快收敛,在确保迁移学习效果的同时,也能确保学习的速度。实验结果表明,提出的算法在整体上实现了更好的性能并且对于不同的训练数据能够实现自适应效果,分类错误率平均下降0.013,在效果最好的OCR数据集上下降0.030。 展开更多
关键词 深度决策树迁移学习boosting方法(DTrBoost) 多源域迁移学习 KL距离 决策树
下载PDF
Light gradient boosting machine with optimized hyperparameters for identification of malicious access in IoT network
7
作者 Debasmita Mishra Bighnaraj Naik +3 位作者 Janmenjoy Nayak Alireza Souri Pandit Byomakesha Dash S.Vimal 《Digital Communications and Networks》 SCIE CSCD 2023年第1期125-137,共13页
In this paper,an advanced and optimized Light Gradient Boosting Machine(LGBM)technique is proposed to identify the intrusive activities in the Internet of Things(IoT)network.The followings are the major contributions:... In this paper,an advanced and optimized Light Gradient Boosting Machine(LGBM)technique is proposed to identify the intrusive activities in the Internet of Things(IoT)network.The followings are the major contributions:i)An optimized LGBM model has been developed for the identification of malicious IoT activities in the IoT network;ii)An efficient evolutionary optimization approach has been adopted for finding the optimal set of hyper-parameters of LGBM for the projected problem.Here,a Genetic Algorithm(GA)with k-way tournament selection and uniform crossover operation is used for efficient exploration of hyper-parameter search space;iii)Finally,the performance of the proposed model is evaluated using state-of-the-art ensemble learning and machine learning-based model to achieve overall generalized performance and efficiency.Simulation outcomes reveal that the proposed approach is superior to other considered methods and proves to be a robust approach to intrusion detection in an IoT environment. 展开更多
关键词 IoT security Ensemble method Light gradient boosting machine Machine learning Intrusion detection
下载PDF
A Data-Driven Oil Production Prediction Method Based on the Gradient Boosting Decision Tree Regression
8
作者 Hongfei Ma Wenqi Zhao +1 位作者 Yurong Zhao Yu He 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第3期1773-1790,共18页
Accurate prediction ofmonthly oil and gas production is essential for oil enterprises tomake reasonable production plans,avoid blind investment and realize sustainable development.Traditional oil well production trend... Accurate prediction ofmonthly oil and gas production is essential for oil enterprises tomake reasonable production plans,avoid blind investment and realize sustainable development.Traditional oil well production trend prediction methods are based on years of oil field production experience and expertise,and the application conditions are very demanding.With the rapid development of artificial intelligence technology,big data analysis methods are gradually applied in various sub-fields of the oil and gas reservoir development.Based on the data-driven artificial intelligence algorithmGradient BoostingDecision Tree(GBDT),this paper predicts the initial single-layer production by considering geological data,fluid PVT data and well data.The results show that the GBDT algorithm prediction model has great accuracy,significantly improving efficiency and strong universal applicability.The GBDTmethod trained in this paper can predict production,which is helpful for well site optimization,perforation layer optimization and engineering parameter optimization and has guiding significance for oilfield development. 展开更多
关键词 Gradient boosting decision tree production prediction data analysis
下载PDF
Predictive-Analysis-based Machine Learning Model for Fraud Detection with Boosting Classifiers
9
作者 M.Valavan S.Rita 《Computer Systems Science & Engineering》 SCIE EI 2023年第4期231-245,共15页
Fraud detection for credit/debit card,loan defaulters and similar types is achievable with the assistance of Machine Learning(ML)algorithms as they are well capable of learning from previous fraud trends or historical... Fraud detection for credit/debit card,loan defaulters and similar types is achievable with the assistance of Machine Learning(ML)algorithms as they are well capable of learning from previous fraud trends or historical data and spot them in current or future transactions.Fraudulent cases are scant in the comparison of non-fraudulent observations,almost in all the datasets.In such cases detecting fraudulent transaction are quite difficult.The most effective way to prevent loan default is to identify non-performing loans as soon as possible.Machine learning algorithms are coming into sight as adept at handling such data with enough computing influence.In this paper,the rendering of different machine learning algorithms such as Decision Tree,Random Forest,linear regression,and Gradient Boosting method are compared for detection and prediction of fraud cases using loan fraudulent manifestations.Further model accuracy metric have been performed with confusion matrix and calculation of accuracy,precision,recall and F-1 score along with Receiver Operating Characteristic(ROC)curves. 展开更多
关键词 Random forest decision tree logistic regression machine Learning gradient boosting method confusion matrix
下载PDF
Object-Based Burned Area Mapping with Extreme Gradient Boosting Using Sentinel-2 Imagery
10
作者 Dimitris Stavrakoudis Ioannis Z. Gitas 《Journal of Geographic Information System》 2023年第1期53-72,共20页
The Sentinel-2 satellites are providing an unparalleled wealth of high-resolution remotely sensed information with a short revisit cycle, which is ideal for mapping burned areas both accurately and timely. This paper ... The Sentinel-2 satellites are providing an unparalleled wealth of high-resolution remotely sensed information with a short revisit cycle, which is ideal for mapping burned areas both accurately and timely. This paper proposes an automated methodology for mapping burn scars using pairs of Sentinel-2 imagery, exploiting the state-of-the-art eXtreme Gradient Boosting (XGB) machine learning framework. A large database of 64 reference wildfire perimeters in Greece from 2016 to 2019 is used to train the classifier. An empirical methodology for appropriately sampling the training patterns from this database is formulated, which guarantees the effectiveness of the approach and its computational efficiency. A difference (pre-fire minus post-fire) spectral index is used for this purpose, upon which we appropriately identify the clear and fuzzy value ranges. To reduce the data volume, a super-pixel segmentation of the images is also employed, implemented via the QuickShift algorithm. The cross-validation results showcase the effectiveness of the proposed algorithm, with the average commission and omission errors being 9% and 2%, respectively, and the average Matthews correlation coefficient (MCC) equal to 0.93. 展开更多
关键词 Operational Burned Area Mapping Sentinel-2 Extreme Gradient boosting (XGB) QuickShift Segmentation Machine Learning
下载PDF
Boosting Domestic Demand
11
作者 BIAN YONGZU 《China Today》 2023年第2期44-46,共3页
While setting the direction for China’s economic development in 2023,the Central Economic Work Conference will generate a far-reaching impact on the world economy as a whole.AT the Central Economic Work Conference he... While setting the direction for China’s economic development in 2023,the Central Economic Work Conference will generate a far-reaching impact on the world economy as a whole.AT the Central Economic Work Conference held on December 15-16,2022,President Xi Jinping delivered a speech that recapped the Chinese economy in 2022 and charted its course for 2023. 展开更多
关键词 ECONOMY boosting REACHING
下载PDF
代价敏感Boosting算法研究 被引量:3
12
作者 李秋洁 茅耀斌 +1 位作者 叶曙光 王执铨 《南京理工大学学报》 EI CAS CSCD 北大核心 2013年第1期19-24,31,共7页
针对代价敏感学习问题,研究boosting算法的代价敏感扩展。提出一种基于代价敏感采样的代价敏感boosting学习方法,通过在原始boosting每轮迭代中引入代价敏感采样,最小化代价敏感损失期望。基于上述学习框架,推导出两种代价敏感boosting... 针对代价敏感学习问题,研究boosting算法的代价敏感扩展。提出一种基于代价敏感采样的代价敏感boosting学习方法,通过在原始boosting每轮迭代中引入代价敏感采样,最小化代价敏感损失期望。基于上述学习框架,推导出两种代价敏感boosting算法,同时,揭示并解释已有算法的不稳定本质。在加州大学欧文分校(University of California,Irvine,UCI)数据集和麻省理工学院生物和计算学习中心(Center for Biological&Computational Learning,CBCL)人脸数据集上的实验结果表明,对于代价敏感分类问题,代价敏感采样boosting算法优于原始boosting和已有代价敏感boosting算法。 展开更多
关键词 boosting 代价敏感boosting 代价敏感学习 代价敏感采样
下载PDF
不均衡数据下基于CS-Boosting的故障诊断算法 被引量:6
13
作者 姚培 王仲生 +1 位作者 姜洪开 刘贞报 《振动.测试与诊断》 EI CSCD 北大核心 2013年第1期111-115,169,共5页
针对传统Boosting算法在训练样本不均衡数据情况下不能较好地实现转子系统故障诊断的问题,提出了一种基于代价敏感度框架的Boosting故障诊断算法CS-Boosting。该算法建立了一个代价敏感损失函数,通过先验概率公式计算正样本与负样本的... 针对传统Boosting算法在训练样本不均衡数据情况下不能较好地实现转子系统故障诊断的问题,提出了一种基于代价敏感度框架的Boosting故障诊断算法CS-Boosting。该算法建立了一个代价敏感损失函数,通过先验概率公式计算正样本与负样本的惩罚因子,并通过决策规则的训练使代价损失函数最小化。将该算法应用到滚动轴承故障诊断中,并与传统的Adaboost算法进行对比。试验结果表明,在转子系统不能获取更多故障数据的情况下,该算法的故障诊断性能较其他算法有明显的提高。 展开更多
关键词 代价敏感度 滚动轴承 boosting算法 CS—boosting 代价损失函数
下载PDF
Boosting和Bagging综述 被引量:63
14
作者 沈学华 周志华 +1 位作者 吴建鑫 陈兆乾 《计算机工程与应用》 CSCD 北大核心 2000年第12期31-32,40,共3页
Boosting 和 Bagging 是两种用来提高学习算法准确度的方法,这两种方法通过构造一个预测函数系列,然后以一定的方式将它们组合成一个预测函数.文章将介绍这两种方法以及对他们进行的一些理论分析和实验,并对它们的应用以及将来可能的研... Boosting 和 Bagging 是两种用来提高学习算法准确度的方法,这两种方法通过构造一个预测函数系列,然后以一定的方式将它们组合成一个预测函数.文章将介绍这两种方法以及对他们进行的一些理论分析和实验,并对它们的应用以及将来可能的研究进行讨论. 展开更多
关键词 机器学习 泛化误差 boosting算法 BAGGING算法
下载PDF
Boosting家族AdaBoost系列代表算法 被引量:27
15
作者 涂承胜 刁力力 +1 位作者 鲁明羽 陆玉昌 《计算机科学》 CSCD 北大核心 2003年第3期30-34,145,共6页
Boosting is one of the most representational ensemble prediction methods. It can be divided into two se-ries: Boost-by-majority and Adaboost. This paper briefly introduces the research status of Boosting and one of it... Boosting is one of the most representational ensemble prediction methods. It can be divided into two se-ries: Boost-by-majority and Adaboost. This paper briefly introduces the research status of Boosting and one of its seri-als-AdaBoost,analyzes the typical algorithms of AdaBoost. 展开更多
关键词 boosting Adaboost.R算法 AdaBoost.oc算法 学习算法 ADABOOST算法
下载PDF
用Boosting方法组合增强Stumps进行文本分类(英文) 被引量:15
16
作者 刁力力 胡可云 +1 位作者 陆玉昌 石纯一 《软件学报》 EI CSCD 北大核心 2002年第8期1361-1367,共7页
为提高文本分类的精度,Schapire和Singer尝试了一个用Boosting来组合仅有一个划分的简单决策树(Stumps)的方法.其基学习器的划分是由某个特定词项是否在待分类文档中出现决定的.这样的基学习器明显太弱,造成最后组合成的Boosting分类器... 为提高文本分类的精度,Schapire和Singer尝试了一个用Boosting来组合仅有一个划分的简单决策树(Stumps)的方法.其基学习器的划分是由某个特定词项是否在待分类文档中出现决定的.这样的基学习器明显太弱,造成最后组合成的Boosting分类器精度不够理想,而且需要的迭代次数很大,因而效率很低.针对这个问题,提出由文档中所有词项来决定基学习器划分以增强基学习器分类能力的方法.它把以VSM表示的文档与类代表向量之间的相似度和某特定阈值的大小关系作为基学习器划分的标准.同时,为提高算法的收敛速度,在类代表向量的计算过程中动态引入Boosting分配给各学习样本的权重.实验结果表明,这种方法提高了用Boosting组合Stump分类器进行文本分类的性能(精度和效率),而且问题规模越大,效果越明显. 展开更多
关键词 boosting方法 文本分类 机器学习 Stumps分类器
下载PDF
一种基于Boosting判别模型的运动阴影检测方法 被引量:9
17
作者 查宇飞 楚瀛 +2 位作者 王勋 马时平 毕笃彦 《计算机学报》 EI CSCD 北大核心 2007年第8期1295-1301,共7页
在视频处理中,由于运动阴影具有与运动前景相同的特性,当在提取前景时,会误把阴影检测为前景.特别是当阴影和其它前景发生粘连时,这可能会严重地影响跟踪、识别等后续处理.该文提出了一种用于运动阴影检测的Boosting判别模型.这种方法... 在视频处理中,由于运动阴影具有与运动前景相同的特性,当在提取前景时,会误把阴影检测为前景.特别是当阴影和其它前景发生粘连时,这可能会严重地影响跟踪、识别等后续处理.该文提出了一种用于运动阴影检测的Boosting判别模型.这种方法先利用Boosting在不同的特征空间来区分前景和阴影,然后在判别随机场(DRFs)中结合前景和阴影的时空一致性,实现对前景和阴影的分割.首先,差分前图像与背景图像得到颜色不变子空间和纹理不变子空间;然后在这两个子空间上应用Boosting来区分前景和阴影;最后利用前景和阴影的时空一致性,在判别随机场中通过图分割的方法准确地分割前景和阴影.实验结果表明,无论是在室内场景,还是在室外场景,该文的方法要好于传统的方法. 展开更多
关键词 阴影检测 boosting 判别随机场 图分割
下载PDF
An Improved Ensemble Learning Approach for Heart Disease Prediction Using Boosting Algorithms
18
作者 ShahidMohammad Ganie Pijush Kanti Dutta Pramanik +2 位作者 Majid BashirMalik Anand Nayyar Kyung Sup Kwak 《Computer Systems Science & Engineering》 SCIE EI 2023年第9期3993-4006,共14页
Cardiovascular disease is among the top five fatal diseases that affect lives worldwide.Therefore,its early prediction and detection are crucial,allowing one to take proper and necessary measures at earlier stages.Mac... Cardiovascular disease is among the top five fatal diseases that affect lives worldwide.Therefore,its early prediction and detection are crucial,allowing one to take proper and necessary measures at earlier stages.Machine learning(ML)techniques are used to assist healthcare providers in better diagnosing heart disease.This study employed three boosting algorithms,namely,gradient boost,XGBoost,and AdaBoost,to predict heart disease.The dataset contained heart disease-related clinical features and was sourced from the publicly available UCI ML repository.Exploratory data analysis is performed to find the characteristics of data samples about descriptive and inferential statistics.Specifically,it was carried out to identify and replace outliers using the interquartile range and detect and replace the missing values using the imputation method.Results were recorded before and after the data preprocessing techniques were applied.Out of all the algorithms,gradient boosting achieved the highest accuracy rate of 92.20%for the proposed model.The proposed model yielded better results with gradient boosting in terms of precision,recall,and f1-score.It attained better prediction performance than the existing works and can be used for other diseases that share common features using transfer learning. 展开更多
关键词 Heart disease prediction machine learning classifiers ensemble approach XGBoost ADABOOST gradient boost
下载PDF
Bagging偏最小二乘和Boosting偏最小二乘算法的金银花醇沉过程近红外光谱定量模型预测能力研究 被引量:13
19
作者 陈昭 吴志生 +3 位作者 史新元 徐冰 赵娜 乔延江 《分析化学》 SCIE EI CAS CSCD 北大核心 2014年第11期1679-1686,共8页
建立金银花醇沉过程中稳健的近红外光谱(Nearinfraredspectroscopy,NIR)定量模型,为金银花醇沉过程的快速评价提供方法。研究基于金银花醇沉过程绿原酸的NIR数据,通过建立Bagging偏最小二乘(Bagging-PLS)模型、Boosting偏最小二乘(... 建立金银花醇沉过程中稳健的近红外光谱(Nearinfraredspectroscopy,NIR)定量模型,为金银花醇沉过程的快速评价提供方法。研究基于金银花醇沉过程绿原酸的NIR数据,通过建立Bagging偏最小二乘(Bagging-PLS)模型、Boosting偏最小二乘(Boosting-PLS)模型与偏最小二乘(PartialLeastSquares,PLS)模型,实现对模型性能比较;在此基础上,采用组合间隔偏最小二乘法(Synergyintervalpartialleastsquares,siPLS)和竞争自适应抽样(Competitiveadaptivereweightedsampling,CARS)法分别对光谱进行变量筛选,建立模型,实现了对模型预测性能的考察。实验结果表明,Bagging-PLS和Boosting-PLS(潜变量因子数设为10)的预测性能均优于PLS模型。在此基础上,两批样品采用siPLS筛选变量,第一个批次金银花筛选波段820-1029.5nm和1030-1239.5nm,第二个批次金银花醇沉筛选波段为820-959.5nm和960-1099.5nm;采用CARS方法变量筛选,两批样品分别选择5折交叉验证和10折交叉验证,取交叉验证均方根误差(RMSECV)值最小的子集作为最终变量筛选的结果。经过变量筛选的两批金银花醇沉过程中的绿原酸含量Bagging-PLS和Boosting-PLS模型的预测均方根误差(RMSEP)值降低了0.02-0.04g/L,预测相关系数提高了4%-5%。综上,Baggning-PLS和Boosting-PLS算法可作为金银花醇沉过程NIR定量模型的快速预测方法。 展开更多
关键词 过程分析技术 金银花 醇沉 Bagging偏最小二乘算法 boosting偏最小二乘算法
下载PDF
Boosting算法综述 被引量:24
20
作者 董乐红 耿国华 高原 《计算机应用与软件》 CSCD 北大核心 2006年第8期27-29,共3页
Boosting是近年来流行的一种用来提高学习算法精度的方法。以AdaBoost算法为例介绍了Boosting算法,并概括了它的各种理论分析,最后讨论了Boosting的应用及未来可能的发展方向。
关键词 boosting 机器学习 泛化误差 分类 回归
下载PDF
上一页 1 2 146 下一页 到第
使用帮助 返回顶部