期刊文献+
共找到789篇文章
< 1 2 40 >
每页显示 20 50 100
残差网络研究综述 被引量:71
1
作者 郭玥秀 杨伟 +1 位作者 刘琦 王玉 《计算机应用研究》 CSCD 北大核心 2020年第5期1292-1297,共6页
概述了残差网络的研究背景及意义,对残差单元和残差网络的框架进行了综述,并从残差单元、网络框架和混合改进三方面阐述了残差网络的模型改进。最后总结了残差网络在一些领域的成功应用和未来可能的发展趋势。
关键词 残差网络 深度学习 神经网络 捷径连接 梯度消失 梯度爆炸
下载PDF
基于梯度监督学习的理论与应用(Ⅰ)——基本算法 被引量:26
2
作者 司捷 周贵安 +1 位作者 李函 韩英铎 《清华大学学报(自然科学版)》 EI CAS CSCD 北大核心 1997年第7期71-73,共3页
讨论了一类基于梯度的监督训练算法及其用于神经网络的参数优化。文中详细讨论了LM算法,它是梯度下降法与高斯牛顿法的结合,既有高斯牛顿法的局部收敛性,又有梯度下降法的全局特性。μ很大时,LM算法近似于梯度下降法;μ为零时... 讨论了一类基于梯度的监督训练算法及其用于神经网络的参数优化。文中详细讨论了LM算法,它是梯度下降法与高斯牛顿法的结合,既有高斯牛顿法的局部收敛性,又有梯度下降法的全局特性。μ很大时,LM算法近似于梯度下降法;μ为零时,则是高斯牛顿法。由于利用了近似的二阶导数信息,LM算法比梯度法快得多。就训练次数及准确度而言,LM算法明显优于共轭梯度法和变学习率的BP算法。由于主矩阵的正定性,解总是存在的,从这种意义上说。 展开更多
关键词 神经网络 梯度法 LM算法 监督训练算法
原文传递
神经网络增强学习的梯度算法研究 被引量:21
3
作者 徐昕 贺汉根 《计算机学报》 EI CSCD 北大核心 2003年第2期227-233,共7页
针对具有连续状态和离散行为空间的Markov决策问题 ,提出了一种新的采用多层前馈神经网络进行值函数逼近的梯度下降增强学习算法 .该算法采用了近似贪心且连续可微的Boltzmann分布行为选择策略 ,通过极小化具有非平稳行为策略的Bellman... 针对具有连续状态和离散行为空间的Markov决策问题 ,提出了一种新的采用多层前馈神经网络进行值函数逼近的梯度下降增强学习算法 .该算法采用了近似贪心且连续可微的Boltzmann分布行为选择策略 ,通过极小化具有非平稳行为策略的Bellman残差平方和性能指标 ,以实现对Markov决策过程最优值函数的逼近 .对算法的收敛性和近似最优策略的性能进行了理论分析 .通过Mountain Car学习控制问题的仿真研究进一步验证了算法的学习效率和泛化性能 . 展开更多
关键词 神经网络 增强学习 梯度算法 MARKOV决策过程 值函数逼近 机器学习
下载PDF
一种基于线性函数逼近的离策略Q(λ)算法 被引量:26
4
作者 傅启明 刘全 +3 位作者 王辉 肖飞 于俊 李娇 《计算机学报》 EI CSCD 北大核心 2014年第3期677-686,共10页
将函数逼近用于强化学习是目前机器学习领域的一个新的研究热点.针对传统的基于查询表及函数逼近的Q(λ)学习算法在大规模状态空间中收敛速度慢或者无法收敛的问题,提出一种基于线性函数逼近的离策略Q(λ)算法.该算法通过引入重要性关... 将函数逼近用于强化学习是目前机器学习领域的一个新的研究热点.针对传统的基于查询表及函数逼近的Q(λ)学习算法在大规模状态空间中收敛速度慢或者无法收敛的问题,提出一种基于线性函数逼近的离策略Q(λ)算法.该算法通过引入重要性关联因子,在迭代次数逐步增长的过程中,使得在策略与离策略相统一,确保算法的收敛性.同时在保证在策略与离策略的样本数据一致性的前提下,对算法的收敛性给予理论证明.将文中提出的算法用于Baird反例、Mountain-Car及Random Walk仿真平台,实验结果表明,该算法与传统的基于函数逼近的离策略算法相比,具有较好的收敛性;与传统的基于查询表的算法相比,具有更快的收敛速度,且对于状态空间的增长具有较强的鲁棒性. 展开更多
关键词 强化学习 函数逼近 离策略 Q(A)算法 机器学习中图法
下载PDF
深度学习自适应学习率算法研究 被引量:25
5
作者 蒋文斌 彭晶 叶阁焰 《华中科技大学学报(自然科学版)》 EI CAS CSCD 北大核心 2019年第5期79-83,共5页
为了获得更好的收敛速度和训练效果,提出了根据模型测试准确率对学习率使用不同调整策略的自适应学习率调整算法.将训练过程分为前期、中期和后期三个阶段:在前期适当增大学习率,在中期和后期根据与测试准确率的增量相关的衰减因子函数... 为了获得更好的收敛速度和训练效果,提出了根据模型测试准确率对学习率使用不同调整策略的自适应学习率调整算法.将训练过程分为前期、中期和后期三个阶段:在前期适当增大学习率,在中期和后期根据与测试准确率的增量相关的衰减因子函数使用不同大小的学习率衰减因子减小学习率,增量越小表示模型越接近收敛,因而使用更小的衰减因子.基于MXNet框架,在数据集CIFAR-10和CIFAR-100上进行测试实验,结果表明所提出的方法在收敛速度和准确率收敛值方面都有更好的效果. 展开更多
关键词 深度学习 学习率 准确率 陈旧梯度 MXNet框架
原文传递
Deep reinforcement learning for dynamic computation offloading and resource allocation in cache-assisted mobile edge computing systems 被引量:23
6
作者 Samrat Nath Jingxian Wu 《Intelligent and Converged Networks》 2020年第2期181-198,共18页
Mobile Edge Computing(MEC)is one of the most promising techniques for next-generation wireless communication systems.In this paper,we study the problem of dynamic caching,computation offloading,and resource allocation... Mobile Edge Computing(MEC)is one of the most promising techniques for next-generation wireless communication systems.In this paper,we study the problem of dynamic caching,computation offloading,and resource allocation in cache-assisted multi-user MEC systems with stochastic task arrivals.There are multiple computationally intensive tasks in the system,and each Mobile User(MU)needs to execute a task either locally or remotely in one or more MEC servers by offloading the task data.Popular tasks can be cached in MEC servers to avoid duplicates in offloading.The cached contents can be either obtained through user offloading,fetched from a remote cloud,or fetched from another MEC server.The objective is to minimize the long-term average of a cost function,which is defined as a weighted sum of energy consumption,delay,and cache contents’fetching costs.The weighting coefficients associated with the different metrics in the objective function can be adjusted to balance the tradeoff among them.The optimum design is performed with respect to four decision parameters:whether to cache a given task,whether to offload a given uncached task,how much transmission power should be used during offloading,and how much MEC resources to be allocated for executing a task.We propose to solve the problems by developing a dynamic scheduling policy based on Deep Reinforcement Learning(DRL)with the Deep Deterministic Policy Gradient(DDPG)method.A new decentralized DDPG algorithm is developed to obtain the optimum designs for multi-cell MEC systems by leveraging on the cooperations among neighboring MEC servers.Simulation results demonstrate that the proposed algorithm outperforms other existing strategies,such as Deep Q-Network(DQN). 展开更多
关键词 Mobile Edge Computing(MEC) caching computation offloading resource allocation Deep Reinforcement learning(DRL) Deep Deterministic Policy gradient(DDPG) multi-cell
原文传递
Slope stability prediction using ensemble learning techniques: A case study in Yunyang County, Chongqing, China 被引量:19
7
作者 Wengang Zhang Hongrui Li +2 位作者 Liang Han Longlong Chen Lin Wang 《Journal of Rock Mechanics and Geotechnical Engineering》 SCIE CSCD 2022年第4期1089-1099,共11页
Slope stability prediction plays a significant role in landslide disaster prevention and mitigation.This study develops an ensemble learning-based method to predict the slope stability by introducing the random forest... Slope stability prediction plays a significant role in landslide disaster prevention and mitigation.This study develops an ensemble learning-based method to predict the slope stability by introducing the random forest(RF)and extreme gradient boosting(XGBoost).As an illustration,the proposed approach is applied to the stability prediction of 786 landslide cases in Yunyang County,Chongqing,China.For comparison,the predictive performance of RF,XGBoost,support vector machine(SVM),and logistic regression(LR)is systematically investigated based on the well-established confusion matrix,which contains the known indices of recall rate,precision,and accuracy.Furthermore,the feature importance of the 12 influencing variables is also explored.Results show that the accuracy of the XGBoost and RF for both the training and testing data is superior to that of SVM and LR,revealing the superiority of the ensemble learning models(i.e.XGBoost and RF)in the slope stability prediction of Yunyang County.Among the 12 influencing factors,the profile shape is the most important one.The proposed ensemble learning-based method offers a promising way to rationally capture the slope status.It can be extended to the prediction of slope stability of other landslide-prone areas of interest. 展开更多
关键词 Machine learning Slope stability Yunyang county Extreme gradient boosting(XGBoost) Random forest(RF)
下载PDF
一种基于LSTM与LGBM的电力负荷预测算法 被引量:18
8
作者 张旭东 钱仲文 +2 位作者 沈思琪 石佳 逄金辉 《系统工程》 CSSCI 北大核心 2019年第1期152-158,共7页
针对电力数据受影响因素多、时序性长的特点,本文利用机器学习方法实现精准的电力负荷预测,提出基于LSTM神经网络和决策树梯度提升算法LGBM的预测模型,进而帮助电网稳定、高效地运行,保证居民安全、可靠地用电。LSTM和LGBM模型在测试集... 针对电力数据受影响因素多、时序性长的特点,本文利用机器学习方法实现精准的电力负荷预测,提出基于LSTM神经网络和决策树梯度提升算法LGBM的预测模型,进而帮助电网稳定、高效地运行,保证居民安全、可靠地用电。LSTM和LGBM模型在测试集上的平均MAPE指标分别为27.7520和23.8810。实验表明本文提出的基于LSTM和LGBM的预测算法能够有效解决中长期电力负荷预测任务。 展开更多
关键词 电力负荷预测 LSTM 深度学习 LGBM 集成学习 梯度提升
原文传递
Estimation of diaphragm wall deflections for deep braced excavation in anisotropic clays using ensemble learning 被引量:14
9
作者 Runhong Zhang Chongzhi Wu +2 位作者 Anthony T.C.Goh Thomas Bohlke Wengang Zhang 《Geoscience Frontiers》 SCIE CAS CSCD 2021年第1期365-373,共9页
This paper adopts the NGI-ADP soil model to carry out finite element analysis,based on which the effects of soft clay anisotropy on the diaphragm wall deflections in the braced excavation were evaluated.More than one ... This paper adopts the NGI-ADP soil model to carry out finite element analysis,based on which the effects of soft clay anisotropy on the diaphragm wall deflections in the braced excavation were evaluated.More than one thousand finite element cases were numerically analyzed,followed by extensive parametric studies.Surrogate models were developed via ensemble learning methods(ELMs),including the e Xtreme Gradient Boosting(XGBoost),and Random Forest Regression(RFR)to predict the maximum lateral wall deformation(δhmax).Then the results of ELMs were compared with conventional soft computing methods such as Decision Tree Regression(DTR),Multilayer Perceptron Regression(MLPR),and Multivariate Adaptive Regression Splines(MARS).This study presents a cutting-edge application of ensemble learning in geotechnical engineering and a reasonable methodology that allows engineers to determine the wall deflection in a fast,alternative way. 展开更多
关键词 Anisotropic clay NGI-ADP Wall deflection Ensemble learning eXtreme gradient boosting Random forest regression
下载PDF
基于机器学习的车险索赔频率预测 被引量:14
10
作者 曾宇哲 吴嫒博 +1 位作者 郑宏远 罗来娟 《统计与信息论坛》 CSSCI 北大核心 2019年第5期69-78,共10页
近年来,广义线性模型已被广泛用于车险定价,而一些研究结果显示机器学习在某些方面优于广义线性模型,但这些结果都只是基于某个单一数据集。为了更全面地比较广义线性模型与机器学习方法在车险索赔频率预测问题上的效果,对7个车险数据... 近年来,广义线性模型已被广泛用于车险定价,而一些研究结果显示机器学习在某些方面优于广义线性模型,但这些结果都只是基于某个单一数据集。为了更全面地比较广义线性模型与机器学习方法在车险索赔频率预测问题上的效果,对7个车险数据集进行了比较测试,包括深度学习、随机森林、支持向量机、XGboost等机器学习方法;基于相同的训练集,建立不同的广义线性模型预测索赔频率,根据最小信息准则(AIC)选取最优的广义线性模型;通过交叉验证调参获得机器学习最佳参数和模型。研究结果显示:在所有的数据集上XGboost的预测效果一致地优于广义线性模型;对于某些自变量较多、变量间相关性强的数据集,神经网络、深度学习和随机森林的预测效果比广义线性模型更好。 展开更多
关键词 汽车保险 索赔频率 机器学习 梯度提升 深度学习 神经网络
下载PDF
基于深度强化学习的多配送中心车辆路径规划 被引量:13
11
作者 王万良 陈浩立 +2 位作者 李国庆 冷龙龙 赵燕伟 《控制与决策》 EI CSCD 北大核心 2022年第8期2101-2109,共9页
多配送中心车辆路径规划(multi-depot vehicle routing problem,MDVRP)是现阶段供应链应用较为广泛的问题模型,现有算法多采用启发式方法,其求解速度慢且无法保证解的质量,因此研究快速且有效的求解算法具有重要的学术意义和应用价值.... 多配送中心车辆路径规划(multi-depot vehicle routing problem,MDVRP)是现阶段供应链应用较为广泛的问题模型,现有算法多采用启发式方法,其求解速度慢且无法保证解的质量,因此研究快速且有效的求解算法具有重要的学术意义和应用价值.以最小化总车辆路径距离为目标,提出一种基于多智能体深度强化学习的求解模型.首先,定义多配送中心车辆路径问题的多智能体强化学习形式,包括状态、动作、回报以及状态转移函数,使模型能够利用多智能体强化学习训练;然后通过对MDVRP的节点邻居及遮掩机制的定义,基于注意力机制设计由多个智能体网络构成的策略网络模型,并利用策略梯度算法进行训练以获得能够快速求解的模型;接着,利用2-opt局部搜索策略和采样搜索策略改进解的质量;最后,通过对不同规模问题仿真实验以及与其他算法进行对比,验证所提出的多智能体深度强化学习模型及其与搜索策略的结合能够快速获得高质量的解. 展开更多
关键词 多配送中心车辆路径规划 强化学习 多智能体 注意力机制 策略梯度 局部搜索
原文传递
Machine learning-based prediction of soil compression modulus with application of ID settlement 被引量:13
12
作者 Dong-ming ZHANG Jin-zhang ZHANG +2 位作者 Hong-wei HUANG Chong-chong QI Chen-yu CHANG 《Journal of Zhejiang University-Science A(Applied Physics & Engineering)》 SCIE EI CAS CSCD 2020年第6期430-444,共15页
The compression modulus(Es)is one of the most significant soil parameters that affects the compressive deformation of geotechnical systems,such as foundations.However,it is difficult and sometime costly to obtain this... The compression modulus(Es)is one of the most significant soil parameters that affects the compressive deformation of geotechnical systems,such as foundations.However,it is difficult and sometime costly to obtain this parameter in engineering practice.In this study,we aimed to develop a non-parametric ensemble artificial intelligence(AI)approach to calculate the Es of soft clay in contrast to the traditional regression models proposed in previous studies.A gradient boosted regression tree(GBRT)algorithm was used to discern the non-linear pattern between input variables and the target response,while a genetic algorithm(GA)was adopted for tuning the GBRT model's hyper-parameters.The model was tested through 10-fold cross validation.A dataset of 221 samples from 65 engineering survey reports from Shanghai infrastructure projects was constructed to evaluate the accuracy of the new model5 s predictions.The mean squared error and correlation coefficient of the optimum GBRT model applied to the testing set were 0.13 and 0.91,respectively,indicating that the proposed machine learning(ML)model has great potential to improve the prediction of Es for soft clay.A comparison of the performance of empirical formulas and the proposed ML method for predicting foundation settlement indicated the rationality of the proposed ML model and its applicability to the compressive deformation of geotechnical systems.This model,however,cannot be directly applied to the prediction of Es in other sites due to its site specificity.This problem can be solved by retraining the model using local data.This study provides a useful reference for future multi-parameter prediction of soil behavior. 展开更多
关键词 Compression modulus prediction Machine learning(ML) gradient boosted regression tree(GBRT) Genetic algorithm(GA) Foundation settlement
原文传递
基于策略梯度和生成式对抗网络的变压器油色谱案例扩充方法 被引量:12
13
作者 李雅欣 侯慧娟 +3 位作者 胥明凯 李善武 盛戈皞 江秀臣 《电力自动化设备》 EI CSCD 北大核心 2020年第12期211-217,共7页
油色谱数据的缺乏和不均衡会导致训练过拟合、模型缺乏代表性、测试集效果不理想等问题,从而难以对变压器的状态进行准确评价。针对该问题,将强化学习中的策略梯度算法引入生成式对抗网络GAN(Generative Adversarial Networks),提出了... 油色谱数据的缺乏和不均衡会导致训练过拟合、模型缺乏代表性、测试集效果不理想等问题,从而难以对变压器的状态进行准确评价。针对该问题,将强化学习中的策略梯度算法引入生成式对抗网络GAN(Generative Adversarial Networks),提出了一种基于策略梯度和GAN的变压器油色谱案例生成方法。仿真结果表明,与传统的样本扩充算法相比,利用所提方法合成的样本质量较高。对包含9种故障状态共700组样本的变压器油色谱数据利用所提方法进行油色谱故障样本扩充,利用基于BP神经网络模型的变压器故障分类模型对将扩充后样本作为训练集训练得到的神经网络模型和仅用真实数据作为训练集训练得到的神经网络模型进行了对比,结果表明利用扩充的样本后,变压器故障分类准确率得到了提高。变压器故障诊断实例表明利用所提方法得到的结果与实际情况相符。 展开更多
关键词 变压器 油色谱 样本扩充 生成式对抗网络 强化学习 策略梯度
下载PDF
Prediction of rockhead using a hybrid N-XGBoost machine learning framework 被引量:11
14
作者 Xing Zhu Jian Chu +3 位作者 Kangda Wang Shifan Wu Wei Yan Kiefer Chiam 《Journal of Rock Mechanics and Geotechnical Engineering》 SCIE CSCD 2021年第6期1231-1245,共15页
The spatial information of rockhead is crucial for the design and construction of tunneling or underground excavation.Although the conventional site investigation methods(i.e.borehole drilling) could provide local eng... The spatial information of rockhead is crucial for the design and construction of tunneling or underground excavation.Although the conventional site investigation methods(i.e.borehole drilling) could provide local engineering geological information,the accurate prediction of the rockhead position with limited borehole data is still challenging due to its spatial variation and great uncertainties involved.With the development of computer science,machine learning(ML) has been proved to be a promising way to avoid subjective judgments by human beings and to establish complex relationships with mega data automatically.However,few studies have been reported on the adoption of ML models for the prediction of the rockhead position.In this paper,we proposed a robust probabilistic ML model for predicting the rockhead distribution using the spatial geographic information.The framework of the natural gradient boosting(NGBoost) algorithm combined with the extreme gradient boosting(XGBoost)is used as the basic learner.The XGBoost model was also compared with some other ML models such as the gradient boosting regression tree(GBRT),the light gradient boosting machine(LightGBM),the multivariate linear regression(MLR),the artificial neural network(ANN),and the support vector machine(SVM).The results demonstrate that the XGBoost algorithm,the core algorithm of the probabilistic NXGBoost model,outperformed the other conventional ML models with a coefficient of determination(R2)of 0.89 and a root mean squared error(RMSE) of 5.8 m for the prediction of rockhead position based on limited borehole data.The probabilistic N-XGBoost model not only achieved a higher prediction accuracy,but also provided a predictive estimation of the uncertainty.Thus,the proposed N-XGBoost probabilistic model has the potential to be used as a reliable and effective ML algorithm for the prediction of rockhead position in rock and geotechnical engineering. 展开更多
关键词 Rockhead Machine learning(ML) Probabilistic model gradient boosting
下载PDF
基于激光雷达与红外图像融合的车辆目标识别算法 被引量:11
15
作者 战荫泽 张立东 秦颖 《激光与红外》 CAS CSCD 北大核心 2021年第9期1238-1242,共5页
为了提高车辆目标在不同测试条件下的识别效率,降低系统的漏检率和误检率,提出了一种基于激光雷达与红外图像融合的车辆目标识别算法。该算法利用目标原点矩参量表征目标的红外特征,用匹配相似度表征目标的点云特征,再经过轴系对齐和尺... 为了提高车辆目标在不同测试条件下的识别效率,降低系统的漏检率和误检率,提出了一种基于激光雷达与红外图像融合的车辆目标识别算法。该算法利用目标原点矩参量表征目标的红外特征,用匹配相似度表征目标的点云特征,再经过轴系对齐和尺度变换实现图像融合。实验采用激光雷达与红外同轴光路获取的两类数据进行图像融合,再利用目标匹配阈值进行迭代筛选,最终识别车辆目标。对比了1帧、20帧和40帧图像中具有不同属性的车辆目标识别效果,结果显示,本算法输出的目标识别区域正确适当。在1000帧图像的多种测试条件的实验中,本算法的漏检率均小于10.0%,误检率均小于5.0%,明显优于传统的距离向数据分类法和光谱分类法,验证了其具有较好的鲁棒性。 展开更多
关键词 目标识别 图像融合 红外特征提取 点云匹配
下载PDF
基于梯度的多输入卷积神经网络 被引量:11
16
作者 费建超 芮挺 +2 位作者 周遊 方虎生 朱会杰 《光电工程》 CAS CSCD 北大核心 2015年第3期33-38,共6页
深度学习已成为目前机器学习领域的研究热点,卷积神经网络是深度学习的重要组成。以卷积神经网络为基础,结合自动编码提取特征中的边缘特性,采用多方向梯度信息作为边缘信息的基本表达,并以此作为卷积神经网络的多源输入数据,提出了一... 深度学习已成为目前机器学习领域的研究热点,卷积神经网络是深度学习的重要组成。以卷积神经网络为基础,结合自动编码提取特征中的边缘特性,采用多方向梯度信息作为边缘信息的基本表达,并以此作为卷积神经网络的多源输入数据,提出了一种具有多个输入层的卷积神经网络结构。以手写字符识别和行人检测为例,通过实验表明,梯度信息多输入网络与经典卷积神经网络相比,具有更高的识别率,且在训练次数少的情况下优势更为明显,同时也证明在适度预处理的条件下多输入卷积神经网络能够获得更好的效果。 展开更多
关键词 深度学习 卷积神经网络 多输入 梯度
下载PDF
基于深度跳跃级联的图像超分辨率重建 被引量:10
17
作者 袁昆鹏 席志红 《光学学报》 EI CAS CSCD 北大核心 2019年第7期235-244,共10页
针对模型VDSR(very deep super resolution)收敛速度慢,训练前需要对原始图像进行预处理,以及网络中存在的冗余性等问题,提出了一种基于深度跳跃级联的单幅图像超分辨率重建(DCSR)算法。DCSR算法省去了图像预处理,直接在低分辨率图像上... 针对模型VDSR(very deep super resolution)收敛速度慢,训练前需要对原始图像进行预处理,以及网络中存在的冗余性等问题,提出了一种基于深度跳跃级联的单幅图像超分辨率重建(DCSR)算法。DCSR算法省去了图像预处理,直接在低分辨率图像上提取浅层特征,并使用亚像素卷积对图像进行放大;通过使用跳跃级联块可以充分利用每个卷积层提取到图像特征,实现特征重用,减少网络的冗余性。网络的跳跃级联块可以直接从输出到每一层建立短连接,加快网络的收敛速度,缓解梯度消失问题。实验结果表明,在几种公开数据集上,所提算法的峰值信噪比、结构相似度值均高于现有的几种算法,充分证明了所提算法的出色性能。 展开更多
关键词 机器视觉 超分辨率 深度学习 跳跃级联 梯度消失 特征复用 亚像素卷积 冗余性
原文传递
Approximating Nash Equilibrium in Day-ahead Electricity Market Bidding with Multi-agent Deep Reinforcement Learning 被引量:10
18
作者 Yan Du Fangxing Li +1 位作者 Helia Zandi Yaosuo Xue 《Journal of Modern Power Systems and Clean Energy》 SCIE EI CSCD 2021年第3期534-544,共11页
In this paper,a day-ahead electricity market bidding problem with multiple strategic generation company(GEN-CO)bidders is studied.The problem is formulated as a Markov game model,where GENCO bidders interact with each... In this paper,a day-ahead electricity market bidding problem with multiple strategic generation company(GEN-CO)bidders is studied.The problem is formulated as a Markov game model,where GENCO bidders interact with each other to develop their optimal day-ahead bidding strategies.Considering unobservable information in the problem,a model-free and data-driven approach,known as multi-agent deep deterministic policy gradient(MADDPG),is applied for approximating the Nash equilibrium(NE)in the above Markov game.The MAD-DPG algorithm has the advantage of generalization due to the automatic feature extraction ability of the deep neural networks.The algorithm is tested on an IEEE 30-bus system with three competitive GENCO bidders in both an uncongested case and a congested case.Comparisons with a truthful bidding strategy and state-of-the-art deep reinforcement learning methods including deep Q network and deep deterministic policy gradient(DDPG)demonstrate that the applied MADDPG algorithm can find a superior bidding strategy for all the market participants with increased profit gains.In addition,the comparison with a conventional-model-based method shows that the MADDPG algorithm has higher computational efficiency,which is feasible for real-world applications. 展开更多
关键词 Bidding strategy day-ahead electricity market deep reinforcement learning Markov game multi-agent deterministic policy gradient(MADDPG) Nash equilibrium(NE)
原文传递
Machine learning-based classification of rock discontinuity trace:SMOTE oversampling integrated with GBT ensemble learning 被引量:10
19
作者 Jiayao Chen Hongwei Huang +2 位作者 Anthony G.Cohn Dongming Zhang Mingliang Zhou 《International Journal of Mining Science and Technology》 SCIE EI CAS CSCD 2022年第2期309-322,共14页
This paper presents a hybrid ensemble classifier combined synthetic minority oversampling technique(SMOTE),random search(RS)hyper-parameters optimization algorithm and gradient boosting tree(GBT)to achieve efficient a... This paper presents a hybrid ensemble classifier combined synthetic minority oversampling technique(SMOTE),random search(RS)hyper-parameters optimization algorithm and gradient boosting tree(GBT)to achieve efficient and accurate rock trace identification.A thirteen-dimensional database consisting of basic,vector,and discontinuity features is established from image samples.All data points are classified as either‘‘trace”or‘‘non-trace”to divide the ultimate results into candidate trace samples.It is found that the SMOTE technology can effectively improve classification performance by recommending an optimized imbalance ratio of 1:5 to 1:4.Then,sixteen classifiers generated from four basic machine learning(ML)models are applied for performance comparison.The results reveal that the proposed RS-SMOTE-GBT classifier outperforms the other fifteen hybrid ML algorithms for both trace and nontrace classifications.Finally,discussions on feature importance,generalization ability and classification error are conducted for the proposed classifier.The experimental results indicate that more critical features affecting the trace classification are primarily from the discontinuity features.Besides,cleaning up the sedimentary pumice and reducing the area of fractured rock contribute to improving the overall classification performance.The proposed method provides a new alternative approach for the identification of 3D rock trace. 展开更多
关键词 Tunnel face Rock discontinuity trace Machine learning gradient boosting tree Generalization ability
下载PDF
改进型卷积神经网络焊点缺陷识别算法研究 被引量:9
20
作者 常颖 常大俊 《激光技术》 CAS CSCD 北大核心 2020年第6期779-783,共5页
为了同时对多种焊点缺陷类型进行快速识别,解决现有焊接异常图像识别算法误检率与漏检率偏高的问题,设计了基于改进型卷积神经网络的深度学习算法。利用自组织映射分类技术,提高了卷积神经网络的数据选择自适应性,结合自适应矩估计分析... 为了同时对多种焊点缺陷类型进行快速识别,解决现有焊接异常图像识别算法误检率与漏检率偏高的问题,设计了基于改进型卷积神经网络的深度学习算法。利用自组织映射分类技术,提高了卷积神经网络的数据选择自适应性,结合自适应矩估计分析,约束了焊接异常图像中特征集合的收敛条件。实验中将5种常见焊接异常图像以等比例随机分布的形式放入训练集、验证集和测试集中,再分别用传统识别算法(canny算法和k均值算法)和该算法进行测试。结果表明,对于桥连缺陷,3种方法均无误检、无漏检;对于小球缺陷,3种方法均符合要求,而canny算法的检出能力最优;对于偏球缺陷,3种算法的误检率分别是12.4%,7.3%和与1.4%,漏检率分别是13.3%,6.5%和1.1%;对于虚焊和少锡缺陷,该算法相比传统算法精度高约1个数量级。该算法在对多种焊点缺陷类型识别中具有明显优势。 展开更多
关键词 图像处理 深度学习 卷积神经网络 灰度梯度
下载PDF
上一页 1 2 40 下一页 到第
使用帮助 返回顶部