期刊文献+
共找到4,339篇文章
< 1 2 217 >
每页显示 20 50 100
Long Short-Term Memory Recurrent Neural Network-Based Acoustic Model Using Connectionist Temporal Classification on a Large-Scale Training Corpus 被引量:9
1
作者 Donghyun Lee Minkyu Lim +4 位作者 Hosung Park Yoseb Kang Jeong-Sik Park Gil-Jin Jang Ji-Hwan Kim 《China Communications》 SCIE CSCD 2017年第9期23-31,共9页
A Long Short-Term Memory(LSTM) Recurrent Neural Network(RNN) has driven tremendous improvements on an acoustic model based on Gaussian Mixture Model(GMM). However, these models based on a hybrid method require a force... A Long Short-Term Memory(LSTM) Recurrent Neural Network(RNN) has driven tremendous improvements on an acoustic model based on Gaussian Mixture Model(GMM). However, these models based on a hybrid method require a forced aligned Hidden Markov Model(HMM) state sequence obtained from the GMM-based acoustic model. Therefore, it requires a long computation time for training both the GMM-based acoustic model and a deep learning-based acoustic model. In order to solve this problem, an acoustic model using CTC algorithm is proposed. CTC algorithm does not require the GMM-based acoustic model because it does not use the forced aligned HMM state sequence. However, previous works on a LSTM RNN-based acoustic model using CTC used a small-scale training corpus. In this paper, the LSTM RNN-based acoustic model using CTC is trained on a large-scale training corpus and its performance is evaluated. The implemented acoustic model has a performance of 6.18% and 15.01% in terms of Word Error Rate(WER) for clean speech and noisy speech, respectively. This is similar to a performance of the acoustic model based on the hybrid method. 展开更多
关键词 acoustic model connectionisttemporal classification LARGE-SCALE trainingcorpus long short-term memory recurrentneural network
下载PDF
Conditional Random Field Tracking Model Based on a Visual Long Short Term Memory Network 被引量:3
2
作者 Pei-Xin Liu Zhao-Sheng Zhu +1 位作者 Xiao-Feng Ye Xiao-Feng Li 《Journal of Electronic Science and Technology》 CAS CSCD 2020年第4期308-319,共12页
In dense pedestrian tracking,frequent object occlusions and close distances between objects cause difficulty when accurately estimating object trajectories.In this study,a conditional random field tracking model is es... In dense pedestrian tracking,frequent object occlusions and close distances between objects cause difficulty when accurately estimating object trajectories.In this study,a conditional random field tracking model is established by using a visual long short term memory network in the three-dimensional(3D)space and the motion estimations jointly performed on object trajectory segments.Object visual field information is added to the long short term memory network to improve the accuracy of the motion related object pair selection and motion estimation.To address the uncertainty of the length and interval of trajectory segments,a multimode long short term memory network is proposed for the object motion estimation.The tracking performance is evaluated using the PETS2009 dataset.The experimental results show that the proposed method achieves better performance than the tracking methods based on the independent motion estimation. 展开更多
关键词 Conditional random field(CRF) long short term memory network(lstm) motion estimation multiple object tracking(MOT)
下载PDF
Dynamic Hand Gesture Recognition Based on Short-Term Sampling Neural Networks 被引量:12
3
作者 Wenjin Zhang Jiacun Wang Fangping Lan 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2021年第1期110-120,共11页
Hand gestures are a natural way for human-robot interaction.Vision based dynamic hand gesture recognition has become a hot research topic due to its various applications.This paper presents a novel deep learning netwo... Hand gestures are a natural way for human-robot interaction.Vision based dynamic hand gesture recognition has become a hot research topic due to its various applications.This paper presents a novel deep learning network for hand gesture recognition.The network integrates several well-proved modules together to learn both short-term and long-term features from video inputs and meanwhile avoid intensive computation.To learn short-term features,each video input is segmented into a fixed number of frame groups.A frame is randomly selected from each group and represented as an RGB image as well as an optical flow snapshot.These two entities are fused and fed into a convolutional neural network(Conv Net)for feature extraction.The Conv Nets for all groups share parameters.To learn longterm features,outputs from all Conv Nets are fed into a long short-term memory(LSTM)network,by which a final classification result is predicted.The new model has been tested with two popular hand gesture datasets,namely the Jester dataset and Nvidia dataset.Comparing with other models,our model produced very competitive results.The robustness of the new model has also been proved with an augmented dataset with enhanced diversity of hand gestures. 展开更多
关键词 Convolutional neural network(ConvNet) hand gesture recognition long short-term memory(lstm)network short-term sampling transfer learning
下载PDF
Short-Term Relay Quality Prediction Algorithm Based on Long and Short-Term Memory 被引量:3
4
作者 XUE Wendong CHAI Yuan +2 位作者 LI Qigan HONG Yongqiang ZHENG Gaofeng 《Instrumentation》 2018年第4期46-54,共9页
The fraction defective of semi-finished products is predicted to optimize the process of relay production lines, by which production quality and productivity are increased, and the costs are decreased. The process par... The fraction defective of semi-finished products is predicted to optimize the process of relay production lines, by which production quality and productivity are increased, and the costs are decreased. The process parameters of relay production lines are studied based on the long-and-short-term memory network. Then, the Keras deep learning framework is utilized to build up a short-term relay quality prediction algorithm for the semi-finished product. A simulation model is used to study prediction algorithm. The simulation results show that the average prediction absolute error of the fraction is less than 5%. This work displays great application potential in the relay production lines. 展开更多
关键词 RELAY Production LINE long and short-term memory network Keras DEEP Learning Framework Quality Prediction
原文传递
Short-TermWind Power Prediction Based on Combinatorial Neural Networks
5
作者 Tusongjiang Kari Sun Guoliang +2 位作者 Lei Kesong Ma Xiaojing Wu Xian 《Intelligent Automation & Soft Computing》 SCIE 2023年第8期1437-1452,共16页
Wind power volatility not only limits the large-scale grid connection but also poses many challenges to safe grid operation.Accurate wind power prediction can mitigate the adverse effects of wind power volatility on w... Wind power volatility not only limits the large-scale grid connection but also poses many challenges to safe grid operation.Accurate wind power prediction can mitigate the adverse effects of wind power volatility on wind power grid connections.For the characteristics of wind power antecedent data and precedent data jointly to determine the prediction accuracy of the prediction model,the short-term prediction of wind power based on a combined neural network is proposed.First,the Bi-directional Long Short Term Memory(BiLSTM)network prediction model is constructed,and the bi-directional nature of the BiLSTM network is used to deeply mine the wind power data information and find the correlation information within the data.Secondly,to avoid the limitation of a single prediction model when the wind power changes abruptly,the Wavelet Transform-Improved Adaptive Genetic Algorithm-Back Propagation(WT-IAGA-BP)neural network based on the combination of the WT-IAGA-BP neural network and BiLSTM network is constructed for the short-term prediction of wind power.Finally,comparing with LSTM,BiLSTM,WT-LSTM,WT-BiLSTM,WT-IAGA-BP,and WT-IAGA-BP&LSTM prediction models,it is verified that the wind power short-term prediction model based on the combination of WT-IAGA-BP neural network and BiLSTM network has higher prediction accuracy. 展开更多
关键词 Wind power prediction wavelet transform back propagation neural network bi-directional long short term memory
下载PDF
State of Health Estimation of Lithium-Ion Batteries Using Support Vector Regression and Long Short-Term Memory
6
作者 Inioluwa Obisakin Chikodinaka Vanessa Ekeanyanwu 《Open Journal of Applied Sciences》 CAS 2022年第8期1366-1382,共17页
Lithium-ion batteries are the most widely accepted type of battery in the electric vehicle industry because of some of their positive inherent characteristics. However, the safety problems associated with inaccurate e... Lithium-ion batteries are the most widely accepted type of battery in the electric vehicle industry because of some of their positive inherent characteristics. However, the safety problems associated with inaccurate estimation and prediction of the state of health of these batteries have attracted wide attention due to the adverse negative effect on vehicle safety. In this paper, both machine and deep learning models were used to estimate the state of health of lithium-ion batteries. The paper introduces the definition of battery health status and its importance in the electric vehicle industry. Based on the data preprocessing and visualization analysis, three features related to actual battery capacity degradation are extracted from the data. Two learning models, SVR and LSTM were employed for the state of health estimation and their respective results are compared in this paper. The mean square error and coefficient of determination were the two metrics for the performance evaluation of the models. The experimental results indicate that both models have high estimation results. However, the metrics indicated that the SVR was the overall best model. 展开更多
关键词 Support Vector Regression (SVR) long short-term memory (lstm) network State of Health (SOH) Estimation
下载PDF
Real-time UAV path planning based on LSTM network 被引量:1
7
作者 ZHANG Jiandong GUO Yukun +3 位作者 ZHENG Lihui YANG Qiming SHI Guoqing WU Yong 《Journal of Systems Engineering and Electronics》 SCIE CSCD 2024年第2期374-385,共12页
To address the shortcomings of single-step decision making in the existing deep reinforcement learning based unmanned aerial vehicle(UAV)real-time path planning problem,a real-time UAV path planning algorithm based on... To address the shortcomings of single-step decision making in the existing deep reinforcement learning based unmanned aerial vehicle(UAV)real-time path planning problem,a real-time UAV path planning algorithm based on long shortterm memory(RPP-LSTM)network is proposed,which combines the memory characteristics of recurrent neural network(RNN)and the deep reinforcement learning algorithm.LSTM networks are used in this algorithm as Q-value networks for the deep Q network(DQN)algorithm,which makes the decision of the Q-value network has some memory.Thanks to LSTM network,the Q-value network can use the previous environmental information and action information which effectively avoids the problem of single-step decision considering only the current environment.Besides,the algorithm proposes a hierarchical reward and punishment function for the specific problem of UAV real-time path planning,so that the UAV can more reasonably perform path planning.Simulation verification shows that compared with the traditional feed-forward neural network(FNN)based UAV autonomous path planning algorithm,the RPP-LSTM proposed in this paper can adapt to more complex environments and has significantly improved robustness and accuracy when performing UAV real-time path planning. 展开更多
关键词 deep Q network path planning neural network unmanned aerial vehicle(UAV) long short-term memory(lstm)
下载PDF
基于Hyperband-CNN-BiLSTM模型的车辆油耗预测方法
8
作者 吐尔逊·买买提 孙慧 刘亚楼 《科学技术与工程》 北大核心 2025年第9期3896-3904,共9页
为了有效地预测车辆的燃油消耗,提高燃油经济性并推动节能减排,提出一种基于Hyperband-CNN-BiLSTM的机动车油耗预测方法。首先基于实际道路测试收集到的车辆运行状态数据和油耗数据,分析了影响车辆油耗的显著性因素;其次结合卷积神经网... 为了有效地预测车辆的燃油消耗,提高燃油经济性并推动节能减排,提出一种基于Hyperband-CNN-BiLSTM的机动车油耗预测方法。首先基于实际道路测试收集到的车辆运行状态数据和油耗数据,分析了影响车辆油耗的显著性因素;其次结合卷积神经网络(convolutional neural network,CNN)强大的特征提取能力和双向长短期记忆网络(bidirectional long short-term memory,BiLSTM)在处理时序数据方面的优势,构建了基于CNN-BiLSTM的车辆油耗预测组合模型;然后,为提高模型预测准确性,通过Hyperband优化算法对组合模型进行优化,并将车辆油耗影响因素作为模型输入特征,对模型进行训练,实现对车辆油耗的建模和预测;最后,选取CNN、LSTM、BiLSTM、CNN-LSTM、CNN-BiLSTM作为对比模型,对Hyperband-CNN-BiLSTM预测模型效果进行评价。结果表明,相较于其他模型,Hyperband-CNN-BiLSTM模型的平均绝对误差(mean absolute error,MAE)和均方根误差(root mean squared error,RMSE)最小,分别为0.05769和0.11925,R^(2)最大,为0.99176,模型预测效果最佳。 展开更多
关键词 Hyperband 油耗预测 卷积神经网络(CNN) 双向长短期记忆网络(Bilstm) 组合模型
下载PDF
Optimizing the Clinical Decision Support System (CDSS) by Using Recurrent Neural Network (RNN) Language Models for Real-Time Medical Query Processing
9
作者 Israa Ibraheem Al Barazanchi Wahidah Hashim +4 位作者 Reema Thabit Mashary Nawwaf Alrasheedy Abeer Aljohan Jongwoon Park Byoungchol Chang 《Computers, Materials & Continua》 SCIE EI 2024年第12期4787-4832,共46页
This research aims to enhance Clinical Decision Support Systems(CDSS)within Wireless Body Area Networks(WBANs)by leveraging advanced machine learning techniques.Specifically,we target the challenges of accurate diagno... This research aims to enhance Clinical Decision Support Systems(CDSS)within Wireless Body Area Networks(WBANs)by leveraging advanced machine learning techniques.Specifically,we target the challenges of accurate diagnosis in medical imaging and sequential data analysis using Recurrent Neural Networks(RNNs)with Long Short-Term Memory(LSTM)layers and echo state cells.These models are tailored to improve diagnostic precision,particularly for conditions like rotator cuff tears in osteoporosis patients and gastrointestinal diseases.Traditional diagnostic methods and existing CDSS frameworks often fall short in managing complex,sequential medical data,struggling with long-term dependencies and data imbalances,resulting in suboptimal accuracy and delayed decisions.Our goal is to develop Artificial Intelligence(AI)models that address these shortcomings,offering robust,real-time diagnostic support.We propose a hybrid RNN model that integrates SimpleRNN,LSTM layers,and echo state cells to manage long-term dependencies effectively.Additionally,we introduce CG-Net,a novel Convolutional Neural Network(CNN)framework for gastrointestinal disease classification,which outperforms traditional CNN models.We further enhance model performance through data augmentation and transfer learning,improving generalization and robustness against data scarcity and imbalance.Comprehensive validation,including 5-fold cross-validation and metrics such as accuracy,precision,recall,F1-score,and Area Under the Curve(AUC),confirms the models’reliability.Moreover,SHapley Additive exPlanations(SHAP)and Local Interpretable Model-agnostic Explanations(LIME)are employed to improve model interpretability.Our findings show that the proposed models significantly enhance diagnostic accuracy and efficiency,offering substantial advancements in WBANs and CDSS. 展开更多
关键词 Computer science clinical decision support system(CDSS) medical queries healthcare deep learning recurrent neural network(RNN) long short-term memory(lstm)
下载PDF
Audiovisual speech recognition based on a deep convolutional neural network
10
作者 Shashidhar Rudregowda Sudarshan Patilkulkarni +2 位作者 Vinayakumar Ravi Gururaj H.L. Moez Krichen 《Data Science and Management》 2024年第1期25-34,共10页
Audiovisual speech recognition is an emerging research topic.Lipreading is the recognition of what someone is saying using visual information,primarily lip movements.In this study,we created a custom dataset for India... Audiovisual speech recognition is an emerging research topic.Lipreading is the recognition of what someone is saying using visual information,primarily lip movements.In this study,we created a custom dataset for Indian English linguistics and categorized it into three main categories:(1)audio recognition,(2)visual feature extraction,and(3)combined audio and visual recognition.Audio features were extracted using the mel-frequency cepstral coefficient,and classification was performed using a one-dimension convolutional neural network.Visual feature extraction uses Dlib and then classifies visual speech using a long short-term memory type of recurrent neural networks.Finally,integration was performed using a deep convolutional network.The audio speech of Indian English was successfully recognized with accuracies of 93.67%and 91.53%,respectively,using testing data from 200 epochs.The training accuracy for visual speech recognition using the Indian English dataset was 77.48%and the test accuracy was 76.19%using 60 epochs.After integration,the accuracies of audiovisual speech recognition using the Indian English dataset for training and testing were 94.67%and 91.75%,respectively. 展开更多
关键词 Audiovisual speech recognition Custom dataset 1D Convolution neural network(CNN) Deep CNN(DCNN) long short-term memory(lstm) LIPREADING Dlib Mel-frequency cepstral coefficient(MFCC)
下载PDF
Behavior recognition algorithm based on the improved R3D and LSTM network fusion 被引量:1
11
作者 Wu Jin An Yiyuan +1 位作者 Dai Wei Zhao Bo 《High Technology Letters》 EI CAS 2021年第4期381-387,共7页
Because behavior recognition is based on video frame sequences,this paper proposes a behavior recognition algorithm that combines 3D residual convolutional neural network(R3D)and long short-term memory(LSTM).First,the... Because behavior recognition is based on video frame sequences,this paper proposes a behavior recognition algorithm that combines 3D residual convolutional neural network(R3D)and long short-term memory(LSTM).First,the residual module is extended to three dimensions,which can extract features in the time and space domain at the same time.Second,by changing the size of the pooling layer window the integrity of the time domain features is preserved,at the same time,in order to overcome the difficulty of network training and over-fitting problems,the batch normalization(BN)layer and the dropout layer are added.After that,because the global average pooling layer(GAP)is affected by the size of the feature map,the network cannot be further deepened,so the convolution layer and maxpool layer are added to the R3D network.Finally,because LSTM has the ability to memorize information and can extract more abstract timing features,the LSTM network is introduced into the R3D network.Experimental results show that the R3D+LSTM network achieves 91%recognition rate on the UCF-101 dataset. 展开更多
关键词 behavior recognition three-dimensional residual convolutional neural network(R3D) long short-term memory(lstm) DROPOUT batch normalization(BN)
下载PDF
Bitcoin Candlestick Prediction with Deep Neural Networks Based on Real Time Data
12
作者 Reem K.Alkhodhairi Shahad R.Aljalhami +3 位作者 Norah K.Rusayni Jowharah F.Alshobaili Amal A.Al-Shargabi Abdulatif Alabdulatif 《Computers, Materials & Continua》 SCIE EI 2021年第9期3215-3233,共19页
Currently,Bitcoin is the world’s most popular cryptocurrency.The price of Bitcoin is extremely volatile,which can be described as high-benefit and high-risk.To minimize the risk involved,a means of more accurately pr... Currently,Bitcoin is the world’s most popular cryptocurrency.The price of Bitcoin is extremely volatile,which can be described as high-benefit and high-risk.To minimize the risk involved,a means of more accurately predicting the Bitcoin price is required.Most of the existing studies of Bitcoin prediction are based on historical(i.e.,benchmark)data,without considering the real-time(i.e.,live)data.To mitigate the issue of price volatility and achieve more precise outcomes,this study suggests using historical and real-time data to predict the Bitcoin candlestick—or open,high,low,and close(OHLC)—prices.Seeking a better prediction model,the present study proposes time series-based deep learning models.In particular,two deep learning algorithms were applied,namely,long short-term memory(LSTM)and gated recurrent unit(GRU).Using real-time data,the Bitcoin candlesticks were predicted for three intervals:the next 4 h,the next 12 h,and the next 24 h.The results showed that the best-performing model was the LSTM-based model with the 4-h interval.In particular,this model achieved a stellar performance with a mean absolute percentage error(MAPE)of 0.63,a root mean square error(RMSE)of 0.0009,a mean square error(MSE)of 9e-07,a mean absolute error(MAE)of 0.0005,and an R-squared coefficient(R2)of 0.994.With these results,the proposed prediction model has demonstrated its efficiency over the models proposed in previous studies.The findings of this study have considerable implications in the business field,as the proposed model can assist investors and traders in precisely identifying Bitcoin sales and buying opportunities. 展开更多
关键词 Bitcoin PREDICTION long short term memory gated recurrent unit deep neural networks real-time data
下载PDF
Deep Learning Network for Energy Storage Scheduling in Power Market Environment Short-Term Load Forecasting Model
13
作者 Yunlei Zhang RuifengCao +3 位作者 Danhuang Dong Sha Peng RuoyunDu Xiaomin Xu 《Energy Engineering》 EI 2022年第5期1829-1841,共13页
In the electricity market,fluctuations in real-time prices are unstable,and changes in short-term load are determined by many factors.By studying the timing of charging and discharging,as well as the economic benefits... In the electricity market,fluctuations in real-time prices are unstable,and changes in short-term load are determined by many factors.By studying the timing of charging and discharging,as well as the economic benefits of energy storage in the process of participating in the power market,this paper takes energy storage scheduling as merely one factor affecting short-term power load,which affects short-term load time series along with time-of-use price,holidays,and temperature.A deep learning network is used to predict the short-term load,a convolutional neural network(CNN)is used to extract the features,and a long short-term memory(LSTM)network is used to learn the temporal characteristics of the load value,which can effectively improve prediction accuracy.Taking the load data of a certain region as an example,the CNN-LSTM prediction model is compared with the single LSTM prediction model.The experimental results show that the CNN-LSTM deep learning network with the participation of energy storage in dispatching can have high prediction accuracy for short-term power load forecasting. 展开更多
关键词 Energy storage scheduling short-term load forecasting deep learning network convolutional neural network CNN long and short term memory network LTSM
下载PDF
基于IWOA-LSTM算法的预应力钢筋混凝土梁损伤识别 被引量:1
14
作者 范旭红 章立栋 +2 位作者 杨帆 李青 郁董凯 《江苏大学学报(自然科学版)》 CAS 北大核心 2025年第1期105-112,119,共9页
为准确识别桥梁结构的损伤程度,制作了桥梁的关键构件——预应力钢筋混凝土梁,进行三点弯曲加载试验.收集了损伤破坏全过程的声发射(AE)信号,通过AE信号参数分析,将梁的损伤破坏过程划分为4个典型阶段.构建了长短时记忆神经网络(LSTM)模... 为准确识别桥梁结构的损伤程度,制作了桥梁的关键构件——预应力钢筋混凝土梁,进行三点弯曲加载试验.收集了损伤破坏全过程的声发射(AE)信号,通过AE信号参数分析,将梁的损伤破坏过程划分为4个典型阶段.构建了长短时记忆神经网络(LSTM)模型,根据经验设置LSTM模型的超参数容易导致网络陷入局部最优而影响了分类结果,提出采用Sine混沌映射和自适应权重来改进鲸鱼优化算法(WOA),对LSTM进行超参数寻优.设计了IWOA-LSTM算法模型,训练识别试验梁各损伤阶段的AE信号特征参数.定型网络结构,并识别同种工况下其他梁的AE信号.结果表明:IWOA-LSTM算法模型识别准确率均超过或接近92%,相较于普通LSTM模型,IWOA-LSTM模型识别准确率提高了约7%. 展开更多
关键词 预应力钢筋混凝土梁 声发射 损伤识别 长短时记忆神经网络 改进的鲸鱼优化算法
下载PDF
基于ARIMA-LSTM的矿区地表沉降预测方法
15
作者 王磊 马驰骋 +1 位作者 齐俊艳 袁瑞甫 《计算机工程》 北大核心 2025年第1期98-105,共8页
煤矿开采安全问题尤其是采空区地表沉降现象会对人员安全及工程安全造成威胁,研究合适的矿区地表沉降预测方法具有很大意义。矿区地表沉降影响因素复杂,单一的深度学习模型对矿区地表沉降数据拟合效果差且现有的地表沉降预测研究多是单... 煤矿开采安全问题尤其是采空区地表沉降现象会对人员安全及工程安全造成威胁,研究合适的矿区地表沉降预测方法具有很大意义。矿区地表沉降影响因素复杂,单一的深度学习模型对矿区地表沉降数据拟合效果差且现有的地表沉降预测研究多是单独进行概率预测或考虑时序特性进行点预测,难以在考虑数据的时序特征的同时对其随机性进行定量描述。针对此问题,在对数据本身性质进行观察分析后选择差分整合移动平均自回归(ARIMA)模型进行时序特征的概率预测,结合长短时记忆(LSTM)网络模型来学习复杂的且具有长期依赖性的非线性时序特征。提出基于ARIMA-LSTM的地表沉降预测模型,利用ARIMA模型对数据的时序线性部分进行预测,并将ARIMA模型预测的残差数据辅助LSTM模型训练,在考虑时序特征的同时对数据的随机性进行描述。研究结果表明,相较于单独采用ARIMA或LSTM模型,该方法具有更高的预测精度(MSE为0.262 87,MAE为0.408 15,RMSE为0.512 71)。进一步的对比结果显示,预测结果与雷达卫星影像数据(经SBAS-INSAR处理后)趋势一致,证实了该方法的有效性。 展开更多
关键词 煤矿采空区 地表沉降预测 时序概率预测 差分整合移动平均自回归 长短时记忆网络
下载PDF
面向涡轮的PCA-POA-LSTM数据驱动建模及故障预警方法
16
作者 刘斌 白红艳 +3 位作者 何璐瑶 张晓北 田野 杨理践 《电子测量与仪器学报》 北大核心 2025年第1期145-155,共11页
针对传统LSTM数据驱动模型存在输入参数规模过大导致运算负担过大、超参数选择不当和涡轮系统故障发生频率、运维成本高的问题,提出一种基于PCA-POA-LSTM的涡轮数据驱动建模方法,并结合滑动窗口法实现了涡轮故障预警。首先,应用PCA降维... 针对传统LSTM数据驱动模型存在输入参数规模过大导致运算负担过大、超参数选择不当和涡轮系统故障发生频率、运维成本高的问题,提出一种基于PCA-POA-LSTM的涡轮数据驱动建模方法,并结合滑动窗口法实现了涡轮故障预警。首先,应用PCA降维技术,减少输入数据维度;其次,采用POA参数寻优方法选出最优超参数组合;然后,利用LSTM算法预测涡轮的输出参数;最后,在PCA-POA-LSTM涡轮数据驱动模型预测结果的基础上,结合滑动窗口法对涡轮故障进行预警,通过窗口内标准差定义报警阈值,攻克了涡轮故障预警的难题。结果表明,以PCA-POA-LSTM为基础的涡轮数据驱动建模实现了较高的精确度,平均绝对百分比误差均在0.396以下,平均绝对误差均在0.809以下,平均方根误差均在1.387以下。并且故障预警方法,至少可提前173个监测点发出故障预警信号,实现了对涡轮故障预警的目的,为未来开展涡轮健康管理提供了理论依据和技术支持。 展开更多
关键词 涡轮 鹈鹕优化算法 长短期记忆网络 主成分分析 数据驱动
原文传递
基于BiLSTM-AM-ResNet组合模型的山西焦煤价格预测
17
作者 樊园杰 睢祎平 张磊 《中国煤炭》 北大核心 2025年第3期42-51,共10页
煤炭作为我国重要的基础能源,其价格的波动会直接影响国民经济发展与能源市场稳定,因此对煤炭价格进行预测具有重要意义。针对我国煤炭价格受政策与供求关系影响大、多呈现非线性的变化趋势,且目前存在的煤价预测方法存在滞后性大等问题... 煤炭作为我国重要的基础能源,其价格的波动会直接影响国民经济发展与能源市场稳定,因此对煤炭价格进行预测具有重要意义。针对我国煤炭价格受政策与供求关系影响大、多呈现非线性的变化趋势,且目前存在的煤价预测方法存在滞后性大等问题,以山西焦煤价格为研究对象,分析影响煤炭价格的多种因素,并利用先进的人工智能机器学习算法来解决煤价预测问题。综合双向长短期记忆网络、注意力机制和残差神经网络的优势,构建双向长短期残差神经网络(BiLSTM-AM-ResNet)进行山西焦煤价格预测实验。采集2012-2023年的山西焦煤价格周度数据作为实验数据,对其进行空缺值处理和归一化处理,绘制相关系数热图并确定模型输入特征类型,进而简化模型并提高预测准确率与预测速度。通过模型预测实验得出,经BiLSTM-AM-ResNet模型预测的山西焦煤价格与实际煤价的发展趋势有着较高的线性拟合性,且预测结果与真实煤价在数值上非常接近,预测准确率达到了95.08%。 展开更多
关键词 焦煤价格预测 长短期记忆网络 注意力机制 残差神经网络 相关性分析
下载PDF
基于BP-DCKF-LSTM的锂离子电池SOC估计
18
作者 张宇 李维嘉 吴铁洲 《电源技术》 北大核心 2025年第1期155-166,共12页
电池荷电状态(SOC)的准确估计是电池管理系统(BMS)的核心功能之一。为了提高锂电池SOC估算精度,提出了一种将反向传播神经网络(BP)、双容积卡尔曼滤波(DCKF)和长短期记忆神经网络(LSTM)相结合的SOC估计方法。针对多温度条件下传统多项... 电池荷电状态(SOC)的准确估计是电池管理系统(BMS)的核心功能之一。为了提高锂电池SOC估算精度,提出了一种将反向传播神经网络(BP)、双容积卡尔曼滤波(DCKF)和长短期记忆神经网络(LSTM)相结合的SOC估计方法。针对多温度条件下传统多项式拟合法在拟合开路电压(OCV)与SOC时效果较差的问题,提出了一种基于BP神经网络的拟合方法,通过验证表明该方法能有效提高拟合精度。针对单独使用模型法或数据驱动法估计SOC各自存在的优缺点,提出了一种将DCKF与LSTM相结合的估计方法,在提高估计精度的同时,可以减少参数调节时间和训练成本。实验验证表明,BP-DCKF-LSTM算法的均方根误差(RMSE)和平均绝对误差(MAE)分别小于0.5%和0.4%,具有较高的SOC估算精度和鲁棒性。 展开更多
关键词 荷电状态 反向传播神经网络 双容积卡尔曼滤波 长短期记忆神经网络
下载PDF
基于MC2DCNN-LSTM模型的齿轮箱全故障分类识别模型
19
作者 陈蓉 王磊 《机电工程》 北大核心 2025年第2期287-297,共11页
针对轧机齿轮箱结构复杂、故障信号识别困难、故障部位分类不清等难题,提出了一种基于多通道二维卷积神经网络(MC2DCNN)与长短期记忆神经网络(LSTM)特征融合的故障诊断方法。首先,设计了一种三通道混合编码的二维样本结构,以达到故障识... 针对轧机齿轮箱结构复杂、故障信号识别困难、故障部位分类不清等难题,提出了一种基于多通道二维卷积神经网络(MC2DCNN)与长短期记忆神经网络(LSTM)特征融合的故障诊断方法。首先,设计了一种三通道混合编码的二维样本结构,以达到故障识别与分类目的,对齿轮箱典型故障进行了自适应分类;其次,该模型将齿轮箱的垂直、水平和轴向三个方向的振动信号融合构造输入样本,结合了二维卷积神经网络与长短时记忆神经网络的优势,设计了与之对应的二维卷积神经网络结构,其相较于传统的单通道信号包含了更多的状态信息;最后,分析了轧制过程数据和已有实验数据,对齿轮故障和齿轮箱全故障进行了特征识别和分类,验证了该模型的准确率。研究结果表明:模型对齿轮箱齿面磨损、齿根裂纹、断齿以及齿面点蚀等典型故障识别的平均准确率达到95.9%,最高准确率为98.6%;相较于单通道信号,多通道信号混合编码方式构造的分类样本极大地提升了神经网络分类的准确性,解调出了更丰富的故障信息。根据轧制过程中的运行数据和实验台数据,验证了该智能诊断方法较传统方法在分类和识别准确率上更具优势,为该方法的工程应用提供了理论基础。 展开更多
关键词 高精度轧机齿轮箱 智能故障诊断 多通道二维卷积神经网络 长短期记忆神经网络 数据分类
下载PDF
基于LSTM-FC模型的充电站短期运行状态预测
20
作者 毕军 王嘉宁 王永兴 《华南理工大学学报(自然科学版)》 北大核心 2025年第2期58-67,共10页
公共充电站可用充电桩数量预测对于制定智能充电推荐策略和减少用户的充电排队时间具有重要意义。现阶段充电站运行状态研究通常集中于充电负荷预测,对于站内充电桩占用情况的研究较少,同时缺乏实际数据支撑。为此,基于充电站实际运行数... 公共充电站可用充电桩数量预测对于制定智能充电推荐策略和减少用户的充电排队时间具有重要意义。现阶段充电站运行状态研究通常集中于充电负荷预测,对于站内充电桩占用情况的研究较少,同时缺乏实际数据支撑。为此,基于充电站实际运行数据,提出一种基于长短时记忆(LSTM)网络与全连接(FC)网络结合的充电站内可用充电桩预测模型,有效结合了历史充电状态序列和相关特征。首先,将兰州市某充电站的订单数据转化为可用充电桩数量,并进行数据预处理;其次,提出了基于LSTM-FC的充电站运行状态预测模型;最后,将输入步长、隐藏层神经元数量和输出步长3种参数进行单独测试。为验证LSTM-FC模型的预测效果,将该模型与原始LSTM网络、BP神经网络模型和支持向量回归(SVR)模型进行对比。结果表明:LSTM-FC模型的平均绝对百分比误差分别降低了0.247、1.161和2.204个百分点,具有较高的预测精度。 展开更多
关键词 lstm神经网络 全连接网络 电动汽车 充电站运行状态
下载PDF
上一页 1 2 217 下一页 到第
使用帮助 返回顶部