期刊文献+
共找到773篇文章
< 1 2 39 >
每页显示 20 50 100
Stacking Ensemble Learning-Based Convolutional Gated Recurrent Neural Network for Diabetes Miletus
1
作者 G.Geetha K.Mohana Prasad 《Intelligent Automation & Soft Computing》 SCIE 2023年第4期703-718,共16页
Diabetes mellitus is a metabolic disease in which blood glucose levels rise as a result of pancreatic insulin production failure.It causes hyperglycemia and chronic multiorgan dysfunction,including blindness,renal fai... Diabetes mellitus is a metabolic disease in which blood glucose levels rise as a result of pancreatic insulin production failure.It causes hyperglycemia and chronic multiorgan dysfunction,including blindness,renal failure,and cardi-ovascular disease,if left untreated.One of the essential checks that are needed to be performed frequently in Type 1 Diabetes Mellitus is a blood test,this procedure involves extracting blood quite frequently,which leads to subject discomfort increasing the possibility of infection when the procedure is often recurring.Exist-ing methods used for diabetes classification have less classification accuracy and suffer from vanishing gradient problems,to overcome these issues,we proposed stacking ensemble learning-based convolutional gated recurrent neural network(CGRNN)Metamodel algorithm.Our proposed method initially performs outlier detection to remove outlier data,using the Gaussian distribution method,and the Box-cox method is used to correctly order the dataset.After the outliers’detec-tion,the missing values are replaced by the data’s mean rather than their elimina-tion.In the stacking ensemble base model,multiple machine learning algorithms like Naïve Bayes,Bagging with random forest,and Adaboost Decision tree have been employed.CGRNN Meta model uses two hidden layers Long-Short-Time Memory(LSTM)and Gated Recurrent Unit(GRU)to calculate the weight matrix for diabetes prediction.Finally,the calculated weight matrix is passed to the soft-max function in the output layer to produce the diabetes prediction results.By using LSTM-based CG-RNN,the mean square error(MSE)value is 0.016 and the obtained accuracy is 91.33%. 展开更多
关键词 Diabetes mellitus convolutional gated recurrent neural network Gaussian distribution box-cox predict diabetes
下载PDF
A HybridManufacturing ProcessMonitoringMethod Using Stacked Gated Recurrent Unit and Random Forest
2
作者 Chao-Lung Yang Atinkut Atinafu Yilma +2 位作者 Bereket Haile Woldegiorgis Hendrik Tampubolon Hendri Sutrisno 《Intelligent Automation & Soft Computing》 2024年第2期233-254,共22页
This study proposed a new real-time manufacturing process monitoring method to monitor and detect process shifts in manufacturing operations.Since real-time production process monitoring is critical in today’s smart ... This study proposed a new real-time manufacturing process monitoring method to monitor and detect process shifts in manufacturing operations.Since real-time production process monitoring is critical in today’s smart manufacturing.The more robust the monitoring model,the more reliable a process is to be under control.In the past,many researchers have developed real-time monitoring methods to detect process shifts early.However,thesemethods have limitations in detecting process shifts as quickly as possible and handling various data volumes and varieties.In this paper,a robust monitoring model combining Gated Recurrent Unit(GRU)and Random Forest(RF)with Real-Time Contrast(RTC)called GRU-RF-RTC was proposed to detect process shifts rapidly.The effectiveness of the proposed GRU-RF-RTC model is first evaluated using multivariate normal and nonnormal distribution datasets.Then,to prove the applicability of the proposed model in a realmanufacturing setting,the model was evaluated using real-world normal and non-normal problems.The results demonstrate that the proposed GRU-RF-RTC outperforms other methods in detecting process shifts quickly with the lowest average out-of-control run length(ARL1)in all synthesis and real-world problems under normal and non-normal cases.The experiment results on real-world problems highlight the significance of the proposed GRU-RF-RTC model in modern manufacturing process monitoring applications.The result reveals that the proposed method improves the shift detection capability by 42.14%in normal and 43.64%in gamma distribution problems. 展开更多
关键词 Smart manufacturing process monitoring quality control gated recurrent unit neural network random forest
下载PDF
Radar Quantitative Precipitation Estimation Based on the Gated Recurrent Unit Neural Network and Echo-Top Data 被引量:2
3
作者 Haibo ZOU Shanshan WU Miaoxia TIAN 《Advances in Atmospheric Sciences》 SCIE CAS CSCD 2023年第6期1043-1057,共15页
The Gated Recurrent Unit(GRU) neural network has great potential in estimating and predicting a variable. In addition to radar reflectivity(Z), radar echo-top height(ET) is also a good indicator of rainfall rate(R). I... The Gated Recurrent Unit(GRU) neural network has great potential in estimating and predicting a variable. In addition to radar reflectivity(Z), radar echo-top height(ET) is also a good indicator of rainfall rate(R). In this study, we propose a new method, GRU_Z-ET, by introducing Z and ET as two independent variables into the GRU neural network to conduct the quantitative single-polarization radar precipitation estimation. The performance of GRU_Z-ET is compared with that of the other three methods in three heavy rainfall cases in China during 2018, namely, the traditional Z-R relationship(Z=300R1.4), the optimal Z-R relationship(Z=79R1.68) and the GRU neural network with only Z as the independent input variable(GRU_Z). The results indicate that the GRU_Z-ET performs the best, while the traditional Z-R relationship performs the worst. The performances of the rest two methods are similar.To further evaluate the performance of the GRU_Z-ET, 200 rainfall events with 21882 total samples during May–July of 2018 are used for statistical analysis. Results demonstrate that the spatial correlation coefficients, threat scores and probability of detection between the observed and estimated precipitation are the largest for the GRU_Z-ET and the smallest for the traditional Z-R relationship, and the root mean square error is just the opposite. In addition, these statistics of GRU_Z are similar to those of optimal Z-R relationship. Thus, it can be concluded that the performance of the GRU_ZET is the best in the four methods for the quantitative precipitation estimation. 展开更多
关键词 quantitative precipitation estimation gated recurrent unit neural network Z-R relationship echo-top height
下载PDF
Multi-Scale Convolutional Gated Recurrent Unit Networks for Tool Wear Prediction in Smart Manufacturing 被引量:2
4
作者 Weixin Xu Huihui Miao +3 位作者 Zhibin Zhao Jinxin Liu Chuang Sun Ruqiang Yan 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2021年第3期130-145,共16页
As an integrated application of modern information technologies and artificial intelligence,Prognostic and Health Management(PHM)is important for machine health monitoring.Prediction of tool wear is one of the symboli... As an integrated application of modern information technologies and artificial intelligence,Prognostic and Health Management(PHM)is important for machine health monitoring.Prediction of tool wear is one of the symbolic applications of PHM technology in modern manufacturing systems and industry.In this paper,a multi-scale Convolutional Gated Recurrent Unit network(MCGRU)is proposed to address raw sensory data for tool wear prediction.At the bottom of MCGRU,six parallel and independent branches with different kernel sizes are designed to form a multi-scale convolutional neural network,which augments the adaptability to features of different time scales.These features of different scales extracted from raw data are then fed into a Deep Gated Recurrent Unit network to capture long-term dependencies and learn significant representations.At the top of the MCGRU,a fully connected layer and a regression layer are built for cutting tool wear prediction.Two case studies are performed to verify the capability and effectiveness of the proposed MCGRU network and results show that MCGRU outperforms several state-of-the-art baseline models. 展开更多
关键词 Tool wear prediction MULTI-SCALE convolutional neural networks gated recurrent unit
下载PDF
Real-time analysis and prediction of shield cutterhead torque using optimized gated recurrent unit neural network 被引量:10
5
作者 Song-Shun Lin Shui-Long Shen Annan Zhou 《Journal of Rock Mechanics and Geotechnical Engineering》 SCIE CSCD 2022年第4期1232-1240,共9页
An accurate prediction of earth pressure balance(EPB)shield moving performance is important to ensure the safety tunnel excavation.A hybrid model is developed based on the particle swarm optimization(PSO)and gated rec... An accurate prediction of earth pressure balance(EPB)shield moving performance is important to ensure the safety tunnel excavation.A hybrid model is developed based on the particle swarm optimization(PSO)and gated recurrent unit(GRU)neural network.PSO is utilized to assign the optimal hyperparameters of GRU neural network.There are mainly four steps:data collection and processing,hybrid model establishment,model performance evaluation and correlation analysis.The developed model provides an alternative to tackle with time-series data of tunnel project.Apart from that,a novel framework about model application is performed to provide guidelines in practice.A tunnel project is utilized to evaluate the performance of proposed hybrid model.Results indicate that geological and construction variables are significant to the model performance.Correlation analysis shows that construction variables(main thrust and foam liquid volume)display the highest correlation with the cutterhead torque(CHT).This work provides a feasible and applicable alternative way to estimate the performance of shield tunneling. 展开更多
关键词 Earth pressure balance(EPB)shield tunneling Cutterhead torque(CHT)prediction Particle swarm optimization(PSO) gated recurrent unit(GRU)neural network
下载PDF
Turnout fault prediction method based on gated recurrent units model
6
作者 ZHANG Guorui SI Yongbo +1 位作者 CHEN Guangwu WEI Zongshou 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2021年第3期304-313,共10页
Turnout is one of the important signal infrastructure equipment,which will directly affect the safety and efficiency of driving.Base on analysis of the power curve of the turnout,we extract and select the time domain ... Turnout is one of the important signal infrastructure equipment,which will directly affect the safety and efficiency of driving.Base on analysis of the power curve of the turnout,we extract and select the time domain and Haar wavelet transform characteristics of the curve firstly.Then the correlation between the degradation state and the fault state is established by using the clustering algorithm and the Pearson correlation coefficient.Finally,the convolutional neural network(CNN)and the gated recurrent unit(GRU)are used to establish the state prediction model of the turnout to realize the failure prediction.The CNN can directly extract features from the original data of the turnout and reduce the dimension,which simplifies the prediction process.Due to its unique gate structure and time series processing features,GRU has certain advantages over the traditional forecasting methods in terms of prediction accuracy and time.The experimental results show that the accuracy of prediction can reach 94.2%when the feature matrix adopts 40-dimensional input and iterates 50 times. 展开更多
关键词 TURNOUT CLUSTERING convolutinal neural network(CNN) gated recurrent unit(GRU) fault prediction
下载PDF
Machine learning for pore-water pressure time-series prediction:Application of recurrent neural networks 被引量:18
7
作者 Xin Wei Lulu Zhang +2 位作者 Hao-Qing Yang Limin Zhang Yang-Ping Yao 《Geoscience Frontiers》 SCIE CAS CSCD 2021年第1期453-467,共15页
Knowledge of pore-water pressure(PWP)variation is fundamental for slope stability.A precise prediction of PWP is difficult due to complex physical mechanisms and in situ natural variability.To explore the applicabilit... Knowledge of pore-water pressure(PWP)variation is fundamental for slope stability.A precise prediction of PWP is difficult due to complex physical mechanisms and in situ natural variability.To explore the applicability and advantages of recurrent neural networks(RNNs)on PWP prediction,three variants of RNNs,i.e.,standard RNN,long short-term memory(LSTM)and gated recurrent unit(GRU)are adopted and compared with a traditional static artificial neural network(ANN),i.e.,multi-layer perceptron(MLP).Measurements of rainfall and PWP of representative piezometers from a fully instrumented natural slope in Hong Kong are used to establish the prediction models.The coefficient of determination(R^2)and root mean square error(RMSE)are used for model evaluations.The influence of input time series length on the model performance is investigated.The results reveal that MLP can provide acceptable performance but is not robust.The uncertainty bounds of RMSE of the MLP model range from 0.24 kPa to 1.12 k Pa for the selected two piezometers.The standard RNN can perform better but the robustness is slightly affected when there are significant time lags between PWP changes and rainfall.The GRU and LSTM models can provide more precise and robust predictions than the standard RNN.The effects of the hidden layer structure and the dropout technique are investigated.The single-layer GRU is accurate enough for PWP prediction,whereas a double-layer GRU brings extra time cost with little accuracy improvement.The dropout technique is essential to overfitting prevention and improvement of accuracy. 展开更多
关键词 Pore-water pressure SLOPE Multi-layer perceptron recurrent neural networks Long short-term memory gated recurrent unit
下载PDF
Practical Options for Adopting Recurrent Neural Network and Its Variants on Remaining Useful Life Prediction 被引量:2
8
作者 Youdao Wang Yifan Zhao Sri Addepalli 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2021年第3期32-51,共20页
The remaining useful life(RUL)of a system is generally predicted by utilising the data collected from the sensors that continuously monitor different indicators.Recently,different deep learning(DL)techniques have been... The remaining useful life(RUL)of a system is generally predicted by utilising the data collected from the sensors that continuously monitor different indicators.Recently,different deep learning(DL)techniques have been used for RUL prediction and achieved great success.Because the data is often time-sequential,recurrent neural network(RNN)has attracted significant interests due to its efficiency in dealing with such data.This paper systematically reviews RNN and its variants for RUL prediction,with a specific focus on understanding how different components(e.g.,types of optimisers and activation functions)or parameters(e.g.,sequence length,neuron quantities)affect their performance.After that,a case study using the well-studied NASA’s C-MAPSS dataset is presented to quantitatively evaluate the influence of various state-of-the-art RNN structures on the RUL prediction performance.The result suggests that the variant methods usually perform better than the original RNN,and among which,Bi-directional Long Short-Term Memory generally has the best performance in terms of stability,precision and accuracy.Certain model structures may fail to produce valid RUL prediction result due to the gradient vanishing or gradient exploring problem if the parameters are not chosen appropriately.It is concluded that parameter tuning is a crucial step to achieve optimal prediction performance. 展开更多
关键词 Remaining useful life prediction Deep learning recurrent neural network Long short-term memory Bi-directional long short-term memory gated recurrent unit
下载PDF
Minimal Gated Unit for Recurrent Neural Networks 被引量:38
9
作者 Guo-Bing Zhou Jianxin Wu +1 位作者 Chen-Lin Zhang Zhi-Hua Zhou 《International Journal of Automation and computing》 EI CSCD 2016年第3期226-234,共9页
Recurrent neural networks (RNN) have been very successful in handling sequence data. However, understanding RNN and finding the best practices for RNN learning is a difficult task, partly because there are many comp... Recurrent neural networks (RNN) have been very successful in handling sequence data. However, understanding RNN and finding the best practices for RNN learning is a difficult task, partly because there are many competing and complex hidden units, such as the long short-term memory (LSTM) and the gated recurrent unit (GRU). We propose a gated unit for RNN, named as minimal gated unit (MCU), since it only contains one gate, which is a minimal design among all gated hidden units. The design of MCU benefits from evaluation results on LSTM and GRU in the literature. Experiments on various sequence data show that MCU has comparable accuracy with GRU, but has a simpler structure, fewer parameters, and faster training. Hence, MGU is suitable in RNN's applications. Its simple architecture also means that it is easier to evaluate and tune, and in principle it is easier to study MGU's properties theoretically and empirically. 展开更多
关键词 recurrent neural network minimal gated unit (MGU) gated unit gate recurrent unit (GRU) long short-term memory(LSTM) deep learning.
原文传递
A new method for the prediction of network security situations based on recurrent neural network with gated recurrent unit 被引量:3
10
作者 Wei Feng Yuqin Wu Yexian Fan 《International Journal of Intelligent Computing and Cybernetics》 EI 2020年第1期25-39,共15页
Purpose-The purpose of this paper is to solve the shortage of the existing methods for the prediction of network security situations(NSS).Because the conventional methods for the prediction of NSS,such as support vect... Purpose-The purpose of this paper is to solve the shortage of the existing methods for the prediction of network security situations(NSS).Because the conventional methods for the prediction of NSS,such as support vector machine,particle swarm optimization,etc.,lack accuracy,robustness and efficiency,in this study,the authors propose a new method for the prediction of NSS based on recurrent neural network(RNN)with gated recurrent unit.Design/methodology/approach-This method extracts internal and external information features from the original time-series network data for the first time.Then,the extracted features are applied to the deep RNN model for training and validation.After iteration and optimization,the accuracy of predictions of NSS will be obtained by the well-trained model,and the model is robust for the unstable network data.Findings-Experiments on bench marked data set show that the proposed method obtains more accurate and robust prediction results than conventional models.Although the deep RNN models need more time consumption for training,they guarantee the accuracy and robustness of prediction in return for validation.Originality/value-In the prediction of NSS time-series data,the proposed internal and external information features are well described the original data,and the employment of deep RNN model will outperform the state-of-the-arts models. 展开更多
关键词 gated recurrent unit Internal and external information features Network security situation recurrent neural network Time-series data processing
下载PDF
Lightweight and highly robust memristor-based hybrid neural networks for electroencephalogram signal processing
11
作者 童霈文 徐晖 +5 位作者 孙毅 汪泳州 彭杰 廖岑 王伟 李清江 《Chinese Physics B》 SCIE EI CAS CSCD 2023年第7期582-590,共9页
Memristor-based neuromorphic computing shows great potential for high-speed and high-throughput signal processing applications,such as electroencephalogram(EEG)signal processing.Nonetheless,the size of one-transistor ... Memristor-based neuromorphic computing shows great potential for high-speed and high-throughput signal processing applications,such as electroencephalogram(EEG)signal processing.Nonetheless,the size of one-transistor one-resistor(1T1R)memristor arrays is limited by the non-ideality of the devices,which prevents the hardware implementation of large and complex networks.In this work,we propose the depthwise separable convolution and bidirectional gate recurrent unit(DSC-BiGRU)network,a lightweight and highly robust hybrid neural network based on 1T1R arrays that enables efficient processing of EEG signals in the temporal,frequency and spatial domains by hybridizing DSC and BiGRU blocks.The network size is reduced and the network robustness is improved while ensuring the network classification accuracy.In the simulation,the measured non-idealities of the 1T1R array are brought into the network through statistical analysis.Compared with traditional convolutional networks,the network parameters are reduced by 95%and the network classification accuracy is improved by 21%at a 95%array yield rate and 5%tolerable error.This work demonstrates that lightweight and highly robust networks based on memristor arrays hold great promise for applications that rely on low consumption and high efficiency. 展开更多
关键词 MEMRISTOR LIGHTWEIGHT ROBUST hybrid neural networks depthwise separable convolution bidirectional gate recurrent unit(BiGRU) one-transistor one-resistor(1T1R)arrays
原文传递
基于KPCA-CNN-DBiGRU模型的短期负荷预测方法 被引量:4
12
作者 陈晓红 王辉 李喜华 《管理工程学报》 CSSCI CSCD 北大核心 2024年第2期221-231,共11页
本文针对已有神经网络模型在短期负荷预测中输入维度过高、预测误差较大等问题,提出了一种结合核主成分分析、卷积神经网络和深度双向门控循环单元的短期负荷预测方法。先运用核主成分分析法对原始高维输入变量进行降维,再通过卷积深度... 本文针对已有神经网络模型在短期负荷预测中输入维度过高、预测误差较大等问题,提出了一种结合核主成分分析、卷积神经网络和深度双向门控循环单元的短期负荷预测方法。先运用核主成分分析法对原始高维输入变量进行降维,再通过卷积深度双向门控循环单元网络模型进行负荷预测。以第九届全国电工数学建模竞赛试题A题中的负荷数据作为实际算例,结果表明所提方法较降维之前预测误差大大降低,与已有预测方法相比也有大幅的误差降低。 展开更多
关键词 核主成分分析 卷积神经网络 双向门控循环单元 负荷预测
下载PDF
融合CNN-BiGRU和注意力机制的网络入侵检测模型 被引量:2
13
作者 杨晓文 张健 +1 位作者 况立群 庞敏 《信息安全研究》 CSCD 北大核心 2024年第3期202-208,共7页
为提高网络入侵检测模型特征提取能力和分类准确率,提出了一种融合双向门控循环单元(CNN-BiGRU)和注意力机制的网络入侵检测模型.使用CNN有效提取流量数据集中的非线性特征;双向门控循环单元(BiGRU)提取数据集中的时序特征,最后融合注... 为提高网络入侵检测模型特征提取能力和分类准确率,提出了一种融合双向门控循环单元(CNN-BiGRU)和注意力机制的网络入侵检测模型.使用CNN有效提取流量数据集中的非线性特征;双向门控循环单元(BiGRU)提取数据集中的时序特征,最后融合注意力机制对不同类型流量数据通过加权的方式进行重要程度的区分,从而整体提高该模型特征提取与分类的性能.实验结果表明:其整体精确率比双向长短期记忆网络(BiLSTM)模型提升了2.25%.K折交叉验证结果表明:该模型泛化性能良好,避免了过拟合现象的发生,印证了该模型的有效性与合理性. 展开更多
关键词 网络入侵检测 卷积神经网络 双向门控循环单元 注意力机制 深度学习
下载PDF
Neural Network-Based State of Charge Estimation Method for Lithium-ion Batteries Based on Temperature
14
作者 Donghun Wang Jonghyun Lee +1 位作者 Minchan Kim Insoo Lee 《Intelligent Automation & Soft Computing》 SCIE 2023年第5期2025-2040,共16页
Lithium-ion batteries are commonly used in electric vehicles,mobile phones,and laptops.These batteries demonstrate several advantages,such as environmental friendliness,high energy density,and long life.However,batter... Lithium-ion batteries are commonly used in electric vehicles,mobile phones,and laptops.These batteries demonstrate several advantages,such as environmental friendliness,high energy density,and long life.However,battery overcharging and overdischarging may occur if the batteries are not monitored continuously.Overcharging causesfire and explosion casualties,and overdischar-ging causes a reduction in the battery capacity and life.In addition,the internal resistance of such batteries varies depending on their external temperature,elec-trolyte,cathode material,and other factors;the capacity of the batteries decreases with temperature.In this study,we develop a method for estimating the state of charge(SOC)using a neural network model that is best suited to the external tem-perature of such batteries based on their characteristics.During our simulation,we acquired data at temperatures of 25°C,30°C,35°C,and 40°C.Based on the tem-perature parameters,the voltage,current,and time parameters were obtained,and six cycles of the parameters based on the temperature were used for the experi-ment.Experimental data to verify the proposed method were obtained through a discharge experiment conducted using a vehicle driving simulator.The experi-mental data were provided as inputs to three types of neural network models:mul-tilayer neural network(MNN),long short-term memory(LSTM),and gated recurrent unit(GRU).The neural network models were trained and optimized for the specific temperatures measured during the experiment,and the SOC was estimated by selecting the most suitable model for each temperature.The experimental results revealed that the mean absolute errors of the MNN,LSTM,and GRU using the proposed method were 2.17%,2.19%,and 2.15%,respec-tively,which are better than those of the conventional method(4.47%,4.60%,and 4.40%).Finally,SOC estimation based on GRU using the proposed method was found to be 2.15%,which was the most accurate. 展开更多
关键词 Lithium-ionbattery state of charge multilayer neural network long short-term memory gated recurrent unit vehicle driving simulator
下载PDF
基于特征选择及ISSA-CNN-BiGRU的短期风功率预测 被引量:2
15
作者 王瑞 徐新超 逯静 《工程科学与技术》 EI CAS CSCD 北大核心 2024年第3期228-239,共12页
针对风电功率随机性大、平稳性低,以及直接输入预测模型往往难以取得较高精度等问题,提出了一种基于特征选择及改进麻雀搜索算法(ISSA)优化卷积神经网络-双向门控循环单元(CNN-BiGRU)的短期风电功率预测方法。首先,利用变分模态分解(VMD... 针对风电功率随机性大、平稳性低,以及直接输入预测模型往往难以取得较高精度等问题,提出了一种基于特征选择及改进麻雀搜索算法(ISSA)优化卷积神经网络-双向门控循环单元(CNN-BiGRU)的短期风电功率预测方法。首先,利用变分模态分解(VMD)将原始功率分解为一组包含不同信息的子分量,以降低原始功率序列的非平稳性,提升可预测性,同时通过观察中心频率方式确定模态分解数。其次,对每一分量采用随机森林(RF)特征重要度的方法进行特征选择,从风速、风向、温度、空气密度等气象特征因素中,选取对各个分量预测贡献度较高的影响因素组成输入特征向量。然后,建立各分量的CNN-BiGRU预测模型,针对神经网络算法参数难调、手动配置参数随机性大的问题,利用ISSA对模型超参数寻优,自适应搜寻最优参数组合。最后,叠加各分量的预测值,得到最终的预测结果。以中国内蒙古某风电场实际数据进行仿真实验,与多种单一及组合预测方法进行对比,结果表明,本文所提方法相比于其他方法具有更高的预测精度,其平均绝对百分比误差值达到2.644 0%;在其他4个数据集上进行的模型准确性及泛化性验证结果显示,模型平均绝对百分比误差值分别为4.385 3%、3.174 9%、1.576 1%和1.358 8%,均保持在5.000 0%以内,证明本文所提方法具有较好的预测精度及泛化能力。 展开更多
关键词 短期风功率预测 变分模态分解 特征选择 改进麻雀搜索算法 卷积神经网络 双向门控循环单元
下载PDF
基于CNN-GRU-ISSA-XGBoost的短期光伏功率预测 被引量:1
16
作者 岳有军 吴明沅 +1 位作者 王红君 赵辉 《南京信息工程大学学报》 CAS 北大核心 2024年第2期231-238,共8页
针对光伏功率随机性及波动性大,单一预测模型往往难以准确分析历史数据波动规律,从而导致预测精度不高的问题,提出一种基于卷积神经网络-门控循环单元(CNN-GRU)和改进麻雀搜索算法(ISSA)优化的极限梯度提升(XGBoost)模型的短期光伏功率... 针对光伏功率随机性及波动性大,单一预测模型往往难以准确分析历史数据波动规律,从而导致预测精度不高的问题,提出一种基于卷积神经网络-门控循环单元(CNN-GRU)和改进麻雀搜索算法(ISSA)优化的极限梯度提升(XGBoost)模型的短期光伏功率预测组合模型.首先去除历史数据中的异常值并对其进行归一化处理,利用主成分分析法(PCA)进行特征选取,以便更好地识别影响光伏功率的关键因素.然后采用CNN网络提取数据的空间特征,再经过GRU网络提取时间特征,针对XGBoost模型手动配置参数困难、随机性大的问题,利用ISSA对模型超参数寻优.最后对两种方法预测的结果用误差倒数法减小误差的同时对权重进行更新,得到新的预测值,从而完成对光伏功率的预测.实验结果表明,所提出的CNN-GRU-ISSA-XGBoost组合模型具有更强的适应性和更高的精度. 展开更多
关键词 光伏功率预测 改进麻雀搜索算法 卷积神经网络 门控循环单元 XGBoost模型
下载PDF
基于双层注意力和深度自编码器的时间序列异常检测模型 被引量:1
17
作者 尹春勇 赵峰 《计算机工程与科学》 CSCD 北大核心 2024年第5期826-835,共10页
目前时间序列通常具有弱周期性以及高度复杂的相关性特征,传统的时间序列异常检测方法难以检测此类异常。针对这一问题,提出了一种新的无监督时间序列异常检测模型(DA-CBG-AE)。首先,使用新型滑动窗口方法,针对时间序列周期性设置滑动... 目前时间序列通常具有弱周期性以及高度复杂的相关性特征,传统的时间序列异常检测方法难以检测此类异常。针对这一问题,提出了一种新的无监督时间序列异常检测模型(DA-CBG-AE)。首先,使用新型滑动窗口方法,针对时间序列周期性设置滑动窗口大小;其次,采用卷积神经网络提取时间序列高维度空间特征;然后,提出具有堆叠式Dropout双向门循环单元网络作为自编码器的基本结构,从而捕捉时间序列的相关性特征;最后,引入双层注意力机制,进一步提取特征,选择更加关键的时间序列,从而提高异常检测准确率。为了验证该模型的有效性,将DA-CBG-AE与6种基准模型在8个数据集上进行比较。最终的实验结果表明,DA-CBG-AE获得了最优的F1值(0.863),并且其检测性能相比最新的基准模型Tad-GAN高出25.25%。 展开更多
关键词 异常检测 双层注意力机制 自编码器 卷积神经网络 双向门循环单元
下载PDF
基于改进门控循环神经网络的采煤机滚筒调高量预测 被引量:1
18
作者 齐爱玲 王雨 马宏伟 《工矿自动化》 CSCD 北大核心 2024年第2期116-123,共8页
采煤机自适应截割技术是实现综采工作面智能化开采的关键技术。针对采煤机在复杂煤层下自动截割精度较低的问题,提出了一种基于改进门控循环神经网络(GRU)的采煤机滚筒调高量预测方法。鉴于截割轨迹纵向及横向相邻数据之间的相关性,采... 采煤机自适应截割技术是实现综采工作面智能化开采的关键技术。针对采煤机在复杂煤层下自动截割精度较低的问题,提出了一种基于改进门控循环神经网络(GRU)的采煤机滚筒调高量预测方法。鉴于截割轨迹纵向及横向相邻数据之间的相关性,采用定长滑动时间窗法对获取的采煤机滚筒高度数据进行预处理,将输入数据划分为连续、大小可调的子序列,同时处理横向、纵向的特征信息。为提高模型预测效率,满足循环截割的实时性要求,提出了一种用因果卷积改进的门控循环神经网络(CC-GRU),对输入数据进行双重特征提取和双重数据过滤。CC-GRU利用因果卷积提前聚焦序列纵向的局部时间特征,以减少计算成本,提高运算速度;利用门控机制对卷积得到的特征进行序列化建模,以捕捉元素之间的长期依赖关系。实验结果表明,采用CC-GRU模型对采煤机滚筒调高量进行预测,平均绝对误差(MAE)为43.80 mm,平均绝对百分比误差(MAPE)为1.90%,均方根误差(RMSE)为50.35 mm,决定系数为0.65,预测时间仅为0.17 s;相比于长短时记忆(LSTM)神经网络、GRU、时域卷积网络(TCN),CC-GRU模型的预测速度较快且预测精度较高,能够更准确地对采煤机调高轨迹进行实时预测,为工作面煤层模型的建立和采煤机调高轨迹的预测提供了依据。 展开更多
关键词 采煤机 滚筒调高 煤岩识别 深度学习 门控循环神经网络 因果卷积
下载PDF
基于CNN-BiGRU-Attention的短期电力负荷预测 被引量:2
19
作者 任爽 杨凯 +3 位作者 商继财 祁继明 魏翔宇 蔡永根 《电气工程学报》 CSCD 北大核心 2024年第1期344-350,共7页
针对目前电力负荷数据随机性强,影响因素复杂,传统单一预测模型精度低的问题,结合卷积神经网络(Convolutional neural network,CNN)、双向门控循环单元(Bi-directional gated recurrent unit,BiGRU)以及注意力机制(Attention)在短期电... 针对目前电力负荷数据随机性强,影响因素复杂,传统单一预测模型精度低的问题,结合卷积神经网络(Convolutional neural network,CNN)、双向门控循环单元(Bi-directional gated recurrent unit,BiGRU)以及注意力机制(Attention)在短期电力负荷预测上的不同优点,提出一种基于CNN-BiGRU-Attention的混合预测模型。该方法首先通过CNN对历史负荷和气象数据进行初步特征提取,然后利用BiGRU进一步挖掘特征数据间时序关联,再引入注意力机制,对BiGRU输出状态给与不同权重,强化关键特征,最后完成负荷预测。试验结果表明,该模型的平均绝对百分比误差(Mean absolute percentage error,MAPE)、均方根误差(Root mean square error,RMSE)、判定系数(R-square,R~2)分别为0.167%、0.057%、0.993,三项指标明显优于其他模型,具有更高的预测精度和稳定性,验证了模型在短期负荷预测中的优势。 展开更多
关键词 卷积神经网络 双向门控循环单元 注意力机制 短期电力负荷预测 混合预测模型
下载PDF
基于VMD-TCN-GRU模型的水质预测研究 被引量:1
20
作者 项新建 许宏辉 +4 位作者 谢建立 丁祎 胡海斌 郑永平 杨斌 《人民黄河》 CAS 北大核心 2024年第3期92-97,共6页
为充分挖掘水质数据在短时震荡中的变化特征,提升预测模型的精度,提出一种基于VMD(变分模态分解)、TCN(卷积时间神经网络)及GRU(门控循环单元)组成的混合水质预测模型,采用VMD-TCN-GRU模型对汾河水库出水口高锰酸盐指数进行预测,并与此... 为充分挖掘水质数据在短时震荡中的变化特征,提升预测模型的精度,提出一种基于VMD(变分模态分解)、TCN(卷积时间神经网络)及GRU(门控循环单元)组成的混合水质预测模型,采用VMD-TCN-GRU模型对汾河水库出水口高锰酸盐指数进行预测,并与此类研究中常见的SVR(支持向量回归)、LSTM(长短期记忆神经网络)、TCN和CNN-LSTM(卷积神经网络-长短期记忆神经网络)这4种模型预测结果对比表明:VMD-TCN-GRU模型能更好挖掘水质数据在短时震荡过程中的特征信息,提升水质预测精度;VMD-TCN-GRU模型的MAE(平均绝对误差)、RMSE(均方根误差)下降,R^(2)(确定系数)提高,其MAE、RMSE、R^(2)分别为0.0553、0.0717、0.9351;其预测性能优越,预测精度更高且拥有更强的泛化能力,可以应用于汾河水质预测。 展开更多
关键词 水质预测 混合模型 变分模态分解 卷积时间神经网络 门控循环单元 时间序列 汾河
下载PDF
上一页 1 2 39 下一页 到第
使用帮助 返回顶部