期刊文献+
共找到258篇文章
< 1 2 13 >
每页显示 20 50 100
Gradient Optimizer Algorithm with Hybrid Deep Learning Based Failure Detection and Classification in the Industrial Environment
1
作者 Mohamed Zarouan Ibrahim M.Mehedi +1 位作者 Shaikh Abdul Latif Md.Masud Rana 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第2期1341-1364,共24页
Failure detection is an essential task in industrial systems for preventing costly downtime and ensuring the seamlessoperation of the system. Current industrial processes are getting smarter with the emergence of Indu... Failure detection is an essential task in industrial systems for preventing costly downtime and ensuring the seamlessoperation of the system. Current industrial processes are getting smarter with the emergence of Industry 4.0.Specifically, various modernized industrial processes have been equipped with quite a few sensors to collectprocess-based data to find faults arising or prevailing in processes along with monitoring the status of processes.Fault diagnosis of rotating machines serves a main role in the engineering field and industrial production. Dueto the disadvantages of existing fault, diagnosis approaches, which greatly depend on professional experienceand human knowledge, intellectual fault diagnosis based on deep learning (DL) has attracted the researcher’sinterest. DL reaches the desired fault classification and automatic feature learning. Therefore, this article designs a Gradient Optimizer Algorithm with Hybrid Deep Learning-based Failure Detection and Classification (GOAHDLFDC)in the industrial environment. The presented GOAHDL-FDC technique initially applies continuous wavelettransform (CWT) for preprocessing the actual vibrational signals of the rotating machinery. Next, the residualnetwork (ResNet18) model was exploited for the extraction of features from the vibration signals which are thenfed into theHDLmodel for automated fault detection. Finally, theGOA-based hyperparameter tuning is performedtoadjust the parameter valuesof theHDLmodel accurately.The experimental result analysis of the GOAHDL-FD Calgorithm takes place using a series of simulations and the experimentation outcomes highlight the better resultsof the GOAHDL-FDC technique under different aspects. 展开更多
关键词 Fault detection Industry 4.0 gradient optimizer algorithm deep learning rotating machineries artificial intelligence
在线阅读 下载PDF
Data-Driven Learning Control Algorithms for Unachievable Tracking Problems 被引量:1
2
作者 Zeyi Zhang Hao Jiang +1 位作者 Dong Shen Samer S.Saab 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第1期205-218,共14页
For unachievable tracking problems, where the system output cannot precisely track a given reference, achieving the best possible approximation for the reference trajectory becomes the objective. This study aims to in... For unachievable tracking problems, where the system output cannot precisely track a given reference, achieving the best possible approximation for the reference trajectory becomes the objective. This study aims to investigate solutions using the Ptype learning control scheme. Initially, we demonstrate the necessity of gradient information for achieving the best approximation.Subsequently, we propose an input-output-driven learning gain design to handle the imprecise gradients of a class of uncertain systems. However, it is discovered that the desired performance may not be attainable when faced with incomplete information.To address this issue, an extended iterative learning control scheme is introduced. In this scheme, the tracking errors are modified through output data sampling, which incorporates lowmemory footprints and offers flexibility in learning gain design.The input sequence is shown to converge towards the desired input, resulting in an output that is closest to the given reference in the least square sense. Numerical simulations are provided to validate the theoretical findings. 展开更多
关键词 Data-driven algorithms incomplete information iterative learning control gradient information unachievable problems
在线阅读 下载PDF
Efficient and High-quality Recommendations via Momentum-incorporated Parallel Stochastic Gradient Descent-Based Learning 被引量:7
3
作者 Xin Luo Wen Qin +2 位作者 Ani Dong Khaled Sedraoui MengChu Zhou 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2021年第2期402-411,共10页
A recommender system(RS)relying on latent factor analysis usually adopts stochastic gradient descent(SGD)as its learning algorithm.However,owing to its serial mechanism,an SGD algorithm suffers from low efficiency and... A recommender system(RS)relying on latent factor analysis usually adopts stochastic gradient descent(SGD)as its learning algorithm.However,owing to its serial mechanism,an SGD algorithm suffers from low efficiency and scalability when handling large-scale industrial problems.Aiming at addressing this issue,this study proposes a momentum-incorporated parallel stochastic gradient descent(MPSGD)algorithm,whose main idea is two-fold:a)implementing parallelization via a novel datasplitting strategy,and b)accelerating convergence rate by integrating momentum effects into its training process.With it,an MPSGD-based latent factor(MLF)model is achieved,which is capable of performing efficient and high-quality recommendations.Experimental results on four high-dimensional and sparse matrices generated by industrial RS indicate that owing to an MPSGD algorithm,an MLF model outperforms the existing state-of-the-art ones in both computational efficiency and scalability. 展开更多
关键词 Big data industrial application industrial data latent factor analysis machine learning parallel algorithm recommender system(RS) stochastic gradient descent(SGD)
在线阅读 下载PDF
Chimp Optimization Algorithm Based Feature Selection with Machine Learning for Medical Data Classification
4
作者 Firas Abedi Hayder M.A.Ghanimi +6 位作者 Abeer D.Algarni Naglaa F.Soliman Walid El-Shafai Ali Hashim Abbas Zahraa H.Kareem Hussein Muhi Hariz Ahmed Alkhayyat 《Computer Systems Science & Engineering》 SCIE EI 2023年第12期2791-2814,共24页
Datamining plays a crucial role in extractingmeaningful knowledge fromlarge-scale data repositories,such as data warehouses and databases.Association rule mining,a fundamental process in data mining,involves discoveri... Datamining plays a crucial role in extractingmeaningful knowledge fromlarge-scale data repositories,such as data warehouses and databases.Association rule mining,a fundamental process in data mining,involves discovering correlations,patterns,and causal structures within datasets.In the healthcare domain,association rules offer valuable opportunities for building knowledge bases,enabling intelligent diagnoses,and extracting invaluable information rapidly.This paper presents a novel approach called the Machine Learning based Association Rule Mining and Classification for Healthcare Data Management System(MLARMC-HDMS).The MLARMC-HDMS technique integrates classification and association rule mining(ARM)processes.Initially,the chimp optimization algorithm-based feature selection(COAFS)technique is employed within MLARMC-HDMS to select relevant attributes.Inspired by the foraging behavior of chimpanzees,the COA algorithm mimics their search strategy for food.Subsequently,the classification process utilizes stochastic gradient descent with a multilayer perceptron(SGD-MLP)model,while the Apriori algorithm determines attribute relationships.We propose a COA-based feature selection approach for medical data classification using machine learning techniques.This approach involves selecting pertinent features from medical datasets through COA and training machine learning models using the reduced feature set.We evaluate the performance of our approach on various medical datasets employing diverse machine learning classifiers.Experimental results demonstrate that our proposed approach surpasses alternative feature selection methods,achieving higher accuracy and precision rates in medical data classification tasks.The study showcases the effectiveness and efficiency of the COA-based feature selection approach in identifying relevant features,thereby enhancing the diagnosis and treatment of various diseases.To provide further validation,we conduct detailed experiments on a benchmark medical dataset,revealing the superiority of the MLARMCHDMS model over other methods,with a maximum accuracy of 99.75%.Therefore,this research contributes to the advancement of feature selection techniques in medical data classification and highlights the potential for improving healthcare outcomes through accurate and efficient data analysis.The presented MLARMC-HDMS framework and COA-based feature selection approach offer valuable insights for researchers and practitioners working in the field of healthcare data mining and machine learning. 展开更多
关键词 Association rule mining data classification healthcare data machine learning parameter tuning data mining feature selection MLARMC-HDMS COA stochastic gradient descent Apriori algorithm
在线阅读 下载PDF
基于生成模型的Q-learning二分类算法 被引量:1
5
作者 尚志刚 徐若灏 +2 位作者 乔康加 杨莉芳 李蒙蒙 《计算机应用研究》 CSCD 北大核心 2020年第11期3326-3329,3333,共5页
对于二分类问题,基于判别模型的分类器一般都是寻找一条最优判决边界,容易受到数据波动的影响。针对该问题提出一种基于生成模型的Q-learning二分类算法(BGQ-learning),将状态和动作分开编码,得到对应各类的判决函数,增加了决策空间的... 对于二分类问题,基于判别模型的分类器一般都是寻找一条最优判决边界,容易受到数据波动的影响。针对该问题提出一种基于生成模型的Q-learning二分类算法(BGQ-learning),将状态和动作分开编码,得到对应各类的判决函数,增加了决策空间的灵活性,同时在求解参数时,采用最小二乘时序差分(TD)算法和半梯度下降法的组合优化方法,加速了参数的收敛速度。设计实验对比了BGQ-learning算法与三种经典分类器以及一种新颖的分类器的分类性能,在UCI数据库七个数据集上的测试结果表明,该算法有着优良的稳定性以及良好的分类精确度。 展开更多
关键词 Q-learning 生成模型 二分类 最小二乘时序差分算法 半梯度下降法
在线阅读 下载PDF
Adaptive Error Curve Learning Ensemble Model for Improving Energy Consumption Forecasting 被引量:1
6
作者 Prince Waqas Khan Yung-Cheol Byun 《Computers, Materials & Continua》 SCIE EI 2021年第11期1893-1913,共21页
Despite the advancement within the last decades in the field of smart grids,energy consumption forecasting utilizing the metrological features is still challenging.This paper proposes a genetic algorithm-based adaptiv... Despite the advancement within the last decades in the field of smart grids,energy consumption forecasting utilizing the metrological features is still challenging.This paper proposes a genetic algorithm-based adaptive error curve learning ensemble(GA-ECLE)model.The proposed technique copes with the stochastic variations of improving energy consumption forecasting using a machine learning-based ensembled approach.A modified ensemble model based on a utilizing error of model as a feature is used to improve the forecast accuracy.This approach combines three models,namely CatBoost(CB),Gradient Boost(GB),and Multilayer Perceptron(MLP).The ensembled CB-GB-MLP model’s inner mechanism consists of generating a meta-data from Gradient Boosting and CatBoost models to compute the final predictions using the Multilayer Perceptron network.A genetic algorithm is used to obtain the optimal features to be used for the model.To prove the proposed model’s effectiveness,we have used a four-phase technique using Jeju island’s real energy consumption data.In the first phase,we have obtained the results by applying the CB-GB-MLP model.In the second phase,we have utilized a GA-ensembled model with optimal features.The third phase is for the comparison of the energy forecasting result with the proposed ECL-based model.The fourth stage is the final stage,where we have applied the GA-ECLE model.We obtained a mean absolute error of 3.05,and a root mean square error of 5.05.Extensive experimental results are provided,demonstrating the superiority of the proposed GA-ECLE model over traditional ensemble models. 展开更多
关键词 Energy consumption meteorological features error curve learning ensemble model energy forecasting gradient boost catboost multilayer perceptron genetic algorithm
在线阅读 下载PDF
Personalized movie recommendation method based on ensemble learning
7
作者 YANG Kun DUAN Yong 《High Technology Letters》 EI CAS 2022年第1期56-62,共7页
Aiming at the personalized movie recommendation problem,a recommendation algorithm in-tegrating manifold learning and ensemble learning is studied.In this work,manifold learning is used to reduce the dimension of data... Aiming at the personalized movie recommendation problem,a recommendation algorithm in-tegrating manifold learning and ensemble learning is studied.In this work,manifold learning is used to reduce the dimension of data so that both time and space complexities of the model are mitigated.Meanwhile,gradient boosting decision tree(GBDT)is used to train the target user profile prediction model.Based on the recommendation results,Bayesian optimization algorithm is applied to optimize the recommendation model,which can effectively improve the prediction accuracy.The experimental results show that the proposed algorithm can improve the accuracy of movie recommendation. 展开更多
关键词 gradient boosting decision tree(GBDT) recommendation algorithm manifold learn-ing ensemble learning Bayesian optimization
在线阅读 下载PDF
Interpretable gradient boosting based ensemble learning and African vultures optimization algorithm optimization for estimating deflection induced by excavation
8
作者 Zenglong LIANG Shan LIN +3 位作者 Miao DONG Xitailang CAO Hongwei GUO Hong ZHENG 《Frontiers of Structural and Civil Engineering》 SCIE EI CSCD 2024年第11期1698-1712,共15页
Intelligent construction has become an inevitable trend in the development of the construction industry.In the excavation project,using machine learning methods for early warning can improve construction efficiency an... Intelligent construction has become an inevitable trend in the development of the construction industry.In the excavation project,using machine learning methods for early warning can improve construction efficiency and quality and reduce the chances of damage in the excavation process.An interpretable gradient boosting based ensemble learning framework enhanced by the African Vultures Optimization Algorithm(AVOA)was proposed and evaluated in estimating the diaphragm wall deflections induced by excavation.We investigated and compared the performance of machine learning models in predicting deflections induced by excavation based on a database generated by finite element simulations.First,we exploratively analyzed these data to discover the relationship between features.We used several state-of-the-art intelligent models based on gradient boosting and several simple models for model selection.The hyperparameters for all models in evaluation are optimized using AVOA,and then the optimized models are assembled into a unified framework for fairness assessment.The comprehensive evaluation results show that the AVOA-CatBoost built in this paper performs well(RMSE=1.84,MAE=1.18,R2=0.9993)and cross-validation(RMSE=2.65±1.54,MAE=1.17±0.23,R2=0.998±0.002).In the end,in order to improve the transparency and usefulness of the model,we constructed an interpretable model from both global and local perspectives. 展开更多
关键词 African vultures optimization algorithm gradient boosting ensemble learning interpretable model wall deflection prediction
原文传递
一种进化梯度引导的强化学习算法
9
作者 许斌 练元洪 +2 位作者 卞鸿根 刘丹 亓晋 《南京邮电大学学报(自然科学版)》 北大核心 2025年第1期99-105,共7页
进化算法(Evolutionary Algorithm,EA)和深度强化学习(Deep Reinforcement Learning,DRL)的组合被认为能够结合二者的优点,即EA的强大随机搜索能力和DRL的样本效率,实现更好的策略学习。然而,现有的组合方法存在EA引入所导致的策略性能... 进化算法(Evolutionary Algorithm,EA)和深度强化学习(Deep Reinforcement Learning,DRL)的组合被认为能够结合二者的优点,即EA的强大随机搜索能力和DRL的样本效率,实现更好的策略学习。然而,现有的组合方法存在EA引入所导致的策略性能不可预测性问题。提出自适应历史梯度引导机制,其利用历史梯度信息,找到平衡探索和利用的线索,从而获得较为稳定的高质量策略,进一步将此机制融合经典的进化强化学习算法,提出一种进化梯度引导的强化学习算法(Evolutionary Gradient Guided Reinforcement Learning,EGG⁃RL)。在连续控制任务方面的实验表明,EGG⁃RL的性能表现优于其他方法。 展开更多
关键词 CEM⁃RL 深度强化学习 进化算法 历史梯度
在线阅读 下载PDF
基于机器学习算法模型的焊接接头疲劳寿命预测
10
作者 徐梦悦 齐红宇 +2 位作者 李少林 石多奇 杨晓光 《航空发动机》 北大核心 2025年第1期96-102,共7页
焊接接头具有非均匀的微观组织和梯度过渡的力学性能及随机分布的焊接缺陷等特征,相较于其他结构更容易产生疲劳断裂,特别是焊接接头的疲劳载荷下的强度和寿命问题已成为工程界和学术界的研究热点。为了研究焊接接头的疲劳行为,开展了... 焊接接头具有非均匀的微观组织和梯度过渡的力学性能及随机分布的焊接缺陷等特征,相较于其他结构更容易产生疲劳断裂,特别是焊接接头的疲劳载荷下的强度和寿命问题已成为工程界和学术界的研究热点。为了研究焊接接头的疲劳行为,开展了基于随机森林(RF)模型的焊接接头疲劳寿命预测模型的全新研究。通过采用RF和轻梯度提升机(LightGBM)2种不同的机器学习算法模型对焊接接头的疲劳数据集进行分析和预测,从中选择预测性能更优的机器学习模型;通过比较在不同几何形状下疲劳寿命的预测结果,评估几何形状对机器学习模型预测性能的影响;利用RF算法对输入条件进行重要度排序,分析焊接接头疲劳寿命的影响因素;通过计算模型在不同材料下的疲劳寿命结果验证机器学习模型的泛化能力。结果表明:机器学习模型对不同几何形状的焊接接头疲劳寿命的预测效果较好,且可用于预测在不同材料下的焊接接头疲劳寿命。研究结果对焊接结构的强度设计与焊接工艺参数优化等具有重要意义。 展开更多
关键词 机器学习 随机森林算法 轻梯度提升机算法 焊接接头 疲劳寿命 几何形状 预测模型
在线阅读 下载PDF
基于深度强化学习的电力系统紧急切机稳控策略生成方法
11
作者 高琴 徐光虎 +3 位作者 夏尚学 杨欢欢 赵青春 黄河 《电力科学与技术学报》 北大核心 2025年第1期39-46,共8页
电力系统快速发展的同时也改变着电力系统的结构,使得系统稳定机理变得更加复杂。为解决新能源电力系统存在的功角稳定问题,提出基于深度强化学习的电力系统紧急切机稳控策略生成方法。首先,归纳并提出电力系统紧急控制切机动作策略以... 电力系统快速发展的同时也改变着电力系统的结构,使得系统稳定机理变得更加复杂。为解决新能源电力系统存在的功角稳定问题,提出基于深度强化学习的电力系统紧急切机稳控策略生成方法。首先,归纳并提出电力系统紧急控制切机动作策略以及涉及的安全约束,并将电力系统稳控模型转换为马尔科夫决策过程,再采用特征评估与斯皮尔曼(Spearman)等级相关系数方法筛选出最典型的特征数据;随后,为提高稳控策略智能体的训练效率,提出基于深度确定性策略梯度(deep deterministic policy gradient,DDPG)算法的稳控策略训练框架;最后,在IEEE 39节点系统和某实际电网中进行测试验证。研究结果显示,所提方法能够根据系统的运行状态和对故障的响应,自动调整生成切机稳控策略,在决策效果和效率方面都表现出更好的性能。 展开更多
关键词 新能源电力系统 稳控策略 强化学习 深度确定性策略梯度算法 马尔科夫模型
在线阅读 下载PDF
基于BO-LightGBM算法的XLPE配电电缆绝缘状态评估
12
作者 罗正均 叶刚 +3 位作者 周箩鱼 李涛 陈楠 张志熙 《绝缘材料》 北大核心 2025年第3期131-140,共10页
为提升电缆绝缘状态评估的精度,本文提出了一种基于贝叶斯优化(BO)算法与轻量级梯度提升机(LightGBM)算法的电缆绝缘状态评估方法。首先将数据集中所有特征进行组合,形成不同的特征子集,通过遍历所有的特征子集,找到五折交叉验证的准确... 为提升电缆绝缘状态评估的精度,本文提出了一种基于贝叶斯优化(BO)算法与轻量级梯度提升机(LightGBM)算法的电缆绝缘状态评估方法。首先将数据集中所有特征进行组合,形成不同的特征子集,通过遍历所有的特征子集,找到五折交叉验证的准确率最高所对应的特征组合,完成对输入特征的筛选。然后使用BO算法对LightGBM中的7个超参数进行寻优。最后利用本文所提出的BO-LightGBM算法完成对电缆绝缘状态的评估。结果表明:本文提出的特征子集法与主成分分析法和互信息筛选法相比能更好地提升模型表现;经过BO算法优化后,LightGBM模型的精度能得到进一步的提升,与粒子群优化算法(PSO)和遗传算法优化(GA)相比,BO算法的计算效率能在几乎相同的精度下分别提升约80%和86.9%;与其他常用机器学习算法进行对比,本文模型的相关性能指标均为最优。 展开更多
关键词 XLPE电缆 状态评估 机器学习 贝叶斯优化算法 轻量级梯度提升机算法
在线阅读 下载PDF
基于帝王蝶算法的CNN-GRU-LightGBM模型短期风电功率预测
13
作者 向阳 刘亚娟 +2 位作者 孙志伟 张效宁 卢建谋 《太阳能学报》 北大核心 2025年第1期105-114,共10页
风电集群大规模并网和跨季节使用产生的不确定性对风电功率预测播报的准确度提出更高的要求。为提高风电功率预测的准确度,提出一种基于帝王蝶优化算法(MBO)的卷积神经网络(CNN)-门控循环单元(GRU)-梯度提升学习(LightGBM)复合风电功率... 风电集群大规模并网和跨季节使用产生的不确定性对风电功率预测播报的准确度提出更高的要求。为提高风电功率预测的准确度,提出一种基于帝王蝶优化算法(MBO)的卷积神经网络(CNN)-门控循环单元(GRU)-梯度提升学习(LightGBM)复合风电功率预测模型。首先,分别建立CNN-GRU和LightGBM的风电功率预测模型,利用方差倒数法将两个模型加权组合为CNN-GRU-LightGBM复合模型;为优化模型中的连续参数,使用MBO对模型进行超参数优化。最后,选取珠海某海上风电场的短期风电功率数据对所提方法与已有预测方法进行对比,实验结果表明,该模型结合了CNN-GRU、LightGBM等模型的优点,预测误差更小,预测精度更高,拥有更强的季节普适性。 展开更多
关键词 风电功率预测 卷积神经网络 门控循环单元 梯度提升学习 帝王蝶算法
在线阅读 下载PDF
集成指数梯度与网格搜索的算法公平性优化方法
14
作者 焦婉妮 《舰船电子工程》 2025年第1期132-134,140,共4页
论文创新地提出了集成指数梯度和网格搜索算法公平性的优化框架,实现了最优的动态参数调整,即在初步的指数梯度缩减后,根据模型的初步表现来调整网格搜索的范围和粒度。这种方法能够在不牺牲模型性能的前提下提高优化效率,减少了需要探... 论文创新地提出了集成指数梯度和网格搜索算法公平性的优化框架,实现了最优的动态参数调整,即在初步的指数梯度缩减后,根据模型的初步表现来调整网格搜索的范围和粒度。这种方法能够在不牺牲模型性能的前提下提高优化效率,减少了需要探索的参数空间大小。提出的集成框架实现了精确控制优化路径和调节不同公平性约束的权重,与传统算法相比,论文方法在广义熵指数、均等机会差异和平均奇偶校验差异等公平性测度指标上显示出了更优的性能。实验中采用了成年人经济收入公开数据集进行了验证,表明该框架在加速收敛和提高决策公平性方面有显著效果,展示了其在复杂多变环境下机器学习模型公平性的适应性和高效性。 展开更多
关键词 算法公平性 指数梯度缩减 网格搜索 机器学习 公平性测度指标
在线阅读 下载PDF
基于机器学习的盾构开挖面地质类型智能识别研究
15
作者 周鲁 刘胜利 +1 位作者 王宇超 谢雄耀 《建筑施工》 2025年第1期17-22,共6页
盾构法被广泛应用于地铁隧道项目中,但是复杂的地质环境会让盾构施工发生卡机,刀盘磨损,超欠挖、地面塌陷等问题。因此,准确、及时地感知地质条件变化至关重要。目前我国大多通过钻孔手段进行地质勘察,而先进的地质预测方法也不能满足... 盾构法被广泛应用于地铁隧道项目中,但是复杂的地质环境会让盾构施工发生卡机,刀盘磨损,超欠挖、地面塌陷等问题。因此,准确、及时地感知地质条件变化至关重要。目前我国大多通过钻孔手段进行地质勘察,而先进的地质预测方法也不能满足盾构快速掘进的要求。因此,提出了一种识别盾构开挖面地质类型的机器学习模型。该模型将遗传算法(GA)与分布式梯度增强库(XGBoost)相结合,通过GA来确定XBGoost模型的最优超参数。同时,依托福州滨海快线三标段项目盾构与地质数据,对模型进行验证,并与其他3种经典机器学习模型LightGBM、Random Forest、SVR进行对比,以进一步验证模型的鲁棒性。结果表明,GA-XGBoost模型精度具有明显优势,通过GA来搜寻模型超参数也可提升模型准确率。 展开更多
关键词 盾构法 地铁隧道 地质勘察 围岩识别 机器学习模型 遗传算法(GA) 分布式梯度增强库(XGBoost)
在线阅读 下载PDF
航空混合动力系统能量管理策略研究综述
16
作者 张丁予 沈挺 《航空发动机》 北大核心 2025年第1期12-20,共9页
能量管理策略作为航空混合动力系统的顶层控制,用于对混合动力系统不同动力源进行能量分流,是保证系统高效运行的基础。详细论述了各类航空混合动力系统能量管理策略,系统总结了基于规则、优化和智能3类能量管理策略的特点和研究现状。... 能量管理策略作为航空混合动力系统的顶层控制,用于对混合动力系统不同动力源进行能量分流,是保证系统高效运行的基础。详细论述了各类航空混合动力系统能量管理策略,系统总结了基于规则、优化和智能3类能量管理策略的特点和研究现状。通过阐述强化学习原理,分析了深度Q网络算法和深度确定性策略梯度算法的奖励原理、神经网络更新原理、以及各自优缺点及适用场景,并提出基于规则类能量管理策略对于专家经验依赖性较高等缺陷,可以通过将其与基于智能算法内部创新融合进行缓解的措施。在此基础上,展望了能量管理策略的未来发展趋势为智能内部算法、智能与其他类型算法的融合创新等,可以为后续航空混动系统能量管理策略研究提供一定的参考。 展开更多
关键词 能量管理策略 深度Q网络算法 深度确定性策略梯度算法 强化学习 航空混合动力系统
在线阅读 下载PDF
基于LGWO-XGBoost-LightGBM-GRU的短期电力负荷预测算法
17
作者 王海文 谭爱国 +4 位作者 彭赛 黄佳欣怡 田相鹏 廖红华 柳俊 《湖北民族大学学报(自然科学版)》 2025年第1期73-79,共7页
针对历史负荷特征提取困难所导致的短期电力负荷预测精度不高的问题,提出了基于堆叠泛化集成思想的逻辑斯谛灰狼优化-极限梯度提升-轻量级梯度提升机-门控循环单元(logistic grey wolf optimizer-extreme gradient boosting-light gradi... 针对历史负荷特征提取困难所导致的短期电力负荷预测精度不高的问题,提出了基于堆叠泛化集成思想的逻辑斯谛灰狼优化-极限梯度提升-轻量级梯度提升机-门控循环单元(logistic grey wolf optimizer-extreme gradient boosting-light gradient boosting machine-gated recurrent unit, LGWO-XGBoost-LightGBM-GRU)的短期电力负荷预测算法。该算法首先使用逻辑斯谛映射对灰狼优化(grey wolf optimizer, GWO)算法进行改进得到LGWO算法,接着使用LGWO算法分别对XGBoost、LightGBM、GRU算法进行参数寻优,然后使用XGBoost、LightGBM算法对数据的不同特征进行初步提炼,最后将提炼的特征合并到历史负荷数据集中作为输入,并使用GRU进行最终的负荷预测,得到预测结果。以某工业园区的负荷预测为例进行验证,结果表明,该算法与最小二乘支持向量机(least squares support vector machines, LS-SVM)算法相比,均方根误差降低了68.85%,平均绝对误差降低了69.57%,平均绝对百分比误差降低了69.97%,决定系数提高了8.42%。该算法提高了短期电力负荷预测的精度。 展开更多
关键词 短期负荷预测 集成学习 灰狼算法 极限梯度提升 轻量级梯度提升机 门控循环单元
在线阅读 下载PDF
基于学习参数梯度更新模型的农田水利灌溉管道灌水量预测方法
18
作者 周爱民 周钰 《上海农业学报》 2025年第1期118-123,共6页
常规的农田水利灌溉管道灌水量预测方法,参数缺少有效更新,导致预测误差较大。因此,提出基于学习参数梯度更新模型的农田水利灌溉管道灌水量预测方法。使用SVM算法,计算函数估计的最小二乘值,并按照最优超平面参数,对数据进行预处理并更... 常规的农田水利灌溉管道灌水量预测方法,参数缺少有效更新,导致预测误差较大。因此,提出基于学习参数梯度更新模型的农田水利灌溉管道灌水量预测方法。使用SVM算法,计算函数估计的最小二乘值,并按照最优超平面参数,对数据进行预处理并更新,导入预处理后的农田水利灌溉管道灌水数据,归一化处理后对核函数进行确定。基于学习参数梯度更新模型建立模型二层结构,利用学习参数梯度构建灌水量预测模型,设置模型神经元个数,对数据进行训练,并计算得到农田水利灌溉管道灌水量数据预测结果。通过试验验证了本研究设计的农田水利灌溉管道灌水量预测方法,其预测误差较小,具有较好的应用价值。 展开更多
关键词 学习参数梯度更新模型 SVM算法 管道灌水量预测 农田水利灌溉
在线阅读 下载PDF
深度强化学习下的管道气动软体机器人控制
19
作者 江雨霏 朱其新 《西安工程大学学报》 2025年第2期65-74,共10页
在复杂的管道环境中,与刚性机器人相比,软体机器人更适合执行操作任务。然而,由于具有无限自由度和非线性变形的特点,软体机器人的控制是一个较大的挑战。根据管道气动软体机器人变形方式进行动力学建模,提出一种结合预测奖励技术的深... 在复杂的管道环境中,与刚性机器人相比,软体机器人更适合执行操作任务。然而,由于具有无限自由度和非线性变形的特点,软体机器人的控制是一个较大的挑战。根据管道气动软体机器人变形方式进行动力学建模,提出一种结合预测奖励技术的深度确定性策略梯度(predictive reward-deep deterministic policy gradient,PR-DDPG)算法,将其应用于管道气动软体机器人的连续运动控制,为其动态的弯曲运动控制问题设计自主运动控制器。实验结果表明:PR-DDPG算法能够有效控制管道气动软体机器人在三维空间中进行自主连续运动,且可控制其前端到达目标点与目标方向。与深度确定性策略梯度(deep deterministic policy gradient,DDPG)算法相比,PR-DDPG算法的收敛时间减少了约17%,奖励值提高了约20%,提高了管道气动软体机器人的连续运动控制性能。 展开更多
关键词 管道软体机器人 运动控制 深度强化学习 深度确定性策略梯度算法
在线阅读 下载PDF
基于SCA-GBDT的边坡稳定性预测混合模型
20
作者 杨星雨 王宁 《黄金》 2025年第3期59-65,共7页
边坡稳定性智能预测是边坡治理和边坡结构设计的重要基础。边坡稳定性评估具有复杂性和非线性,各种智能预测模型通常具有更好的性能,为研究边坡稳定性问题提供了新的方向。构建了基于正弦余弦算法(SCA)优化梯度提升树(GBDT)的边坡稳定... 边坡稳定性智能预测是边坡治理和边坡结构设计的重要基础。边坡稳定性评估具有复杂性和非线性,各种智能预测模型通常具有更好的性能,为研究边坡稳定性问题提供了新的方向。构建了基于正弦余弦算法(SCA)优化梯度提升树(GBDT)的边坡稳定性预测混合模型。收集436个边坡案例来建立数据库,包含6个参数(边坡高度H、边坡角β、容重γ、内聚力C、内摩擦角φ、孔隙水压系数ru)和边坡状态数据。80%数据划分为训练集,20%数据为测试集进行测试。通过结合五重交叉验证和正弦余弦算法来调整模型的超参数。根据准确率、精确率、召回率、F1分数、AUC来评估所提出方法的性能。同时,研究对比了5个经典分类机器学习模型,以评估模型预测边坡稳定性的性能和适用性。结果表明:SCA能显著提高GBDT模型的性能,SCA-GBDT模型的准确率、精确率、召回率、F1分数、AUC分别为0.8860,0.877,0.915,0.896和0.955。通过SHAP算法对模型特征重要性分析,发现内摩擦角对预测结果的影响最显著。SCA-GBDT模型为预测边坡稳定性提供了一种可靠的方法,可以应用于边坡工程实践。 展开更多
关键词 边坡稳定性 预测模型 机器学习 正弦余弦算法 梯度提升树 内摩擦角
在线阅读 下载PDF
上一页 1 2 13 下一页 到第
使用帮助 返回顶部