期刊文献+
共找到296篇文章
< 1 2 15 >
每页显示 20 50 100
Slope stability prediction based on a long short-term memory neural network:comparisons with convolutional neural networks,support vector machines and random forest models 被引量:1
1
作者 Faming Huang Haowen Xiong +4 位作者 Shixuan Chen Zhitao Lv Jinsong Huang Zhilu Chang Filippo Catani 《International Journal of Coal Science & Technology》 EI CAS CSCD 2023年第2期83-96,共14页
The numerical simulation and slope stability prediction are the focus of slope disaster research.Recently,machine learning models are commonly used in the slope stability prediction.However,these machine learning mode... The numerical simulation and slope stability prediction are the focus of slope disaster research.Recently,machine learning models are commonly used in the slope stability prediction.However,these machine learning models have some problems,such as poor nonlinear performance,local optimum and incomplete factors feature extraction.These issues can affect the accuracy of slope stability prediction.Therefore,a deep learning algorithm called Long short-term memory(LSTM)has been innovatively proposed to predict slope stability.Taking the Ganzhou City in China as the study area,the landslide inventory and their characteristics of geotechnical parameters,slope height and slope angle are analyzed.Based on these characteristics,typical soil slopes are constructed using the Geo-Studio software.Five control factors affecting slope stability,including slope height,slope angle,internal friction angle,cohesion and volumetric weight,are selected to form different slope and construct model input variables.Then,the limit equilibrium method is used to calculate the stability coefficients of these typical soil slopes under different control factors.Each slope stability coefficient and its corresponding control factors is a slope sample.As a result,a total of 2160 training samples and 450 testing samples are constructed.These sample sets are imported into LSTM for modelling and compared with the support vector machine(SVM),random forest(RF)and convo-lutional neural network(CNN).The results show that the LSTM overcomes the problem that the commonly used machine learning models have difficulty extracting global features.Furthermore,LSTM has a better prediction performance for slope stability compared to SVM,RF and CNN models. 展开更多
关键词 Slope stability prediction long short-term memory Deep learning Geo-Studio software Machine learning model
下载PDF
Device Anomaly Detection Algorithm Based on Enhanced Long Short-Term Memory Network
2
作者 罗辛 陈静 +1 位作者 袁德鑫 杨涛 《Journal of Donghua University(English Edition)》 CAS 2023年第5期548-559,共12页
The problems in equipment fault detection include data dimension explosion,computational complexity,low detection accuracy,etc.To solve these problems,a device anomaly detection algorithm based on enhanced long short-... The problems in equipment fault detection include data dimension explosion,computational complexity,low detection accuracy,etc.To solve these problems,a device anomaly detection algorithm based on enhanced long short-term memory(LSTM)is proposed.The algorithm first reduces the dimensionality of the device sensor data by principal component analysis(PCA),extracts the strongly correlated variable data among the multidimensional sensor data with the lowest possible information loss,and then uses the enhanced stacked LSTM to predict the extracted temporal data,thus improving the accuracy of anomaly detection.To improve the efficiency of the anomaly detection,a genetic algorithm(GA)is used to adjust the magnitude of the enhancements made by the LSTM model.The validation of the actual data from the pumps shows that the algorithm has significantly improved the recall rate and the detection speed of device anomaly detection,with the recall rate of 97.07%,which indicates that the algorithm is effective and efficient for device anomaly detection in the actual production environment. 展开更多
关键词 anomaly detection production equipment genetic algorithm(GA) long short-term memory(lstm) principal component analysis(PCA)
下载PDF
Long Short-Term Memory Recurrent Neural Network-Based Acoustic Model Using Connectionist Temporal Classification on a Large-Scale Training Corpus 被引量:7
3
作者 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
基于Transformer-LSTM的闽南语唇语识别
4
作者 曾蔚 罗仙仙 王鸿伟 《泉州师范学院学报》 2024年第2期10-17,共8页
针对端到端句子级闽南语唇语识别的问题,提出一种基于Transformer和长短时记忆网络(LSTM)的编解码模型.编码器采用时空卷积神经网络及Transformer编码器用于提取唇读序列时空特征,解码器采用长短时记忆网络并结合交叉注意力机制用于文... 针对端到端句子级闽南语唇语识别的问题,提出一种基于Transformer和长短时记忆网络(LSTM)的编解码模型.编码器采用时空卷积神经网络及Transformer编码器用于提取唇读序列时空特征,解码器采用长短时记忆网络并结合交叉注意力机制用于文本序列预测.最后,在自建闽南语唇语数据集上进行实验.实验结果表明:模型能有效地提高唇语识别的准确率. 展开更多
关键词 唇语识别 闽南语 TRANSFORMER 长短时记忆网络(lstm) 用时空卷积神经网络 注意力机制 端到端模型
下载PDF
Prophet-LSTM组合模型在运输航空征候预测中的应用
5
作者 杜红兵 邢梦柯 赵德超 《安全与环境学报》 CAS CSCD 北大核心 2024年第5期1878-1885,共8页
为准确预测中国运输航空征候万时率,提出了一种将时间序列模型和神经网络模型组合的预测方法。首先,利用2008年1月—2020年12月的运输航空征候万时率数据建立Prophet模型,使用RStudio软件进行模型拟合,获取运输航空征候万时率的线性部分... 为准确预测中国运输航空征候万时率,提出了一种将时间序列模型和神经网络模型组合的预测方法。首先,利用2008年1月—2020年12月的运输航空征候万时率数据建立Prophet模型,使用RStudio软件进行模型拟合,获取运输航空征候万时率的线性部分;其次,利用长短期记忆网络(Long Short-Term Memory,LSTM)建模,获取运输航空征候万时率的非线性部分;最后,利用方差倒数法建立Prophet-LSTM组合模型,使用建立的组合模型对2021年1—12月运输航空征候万时率进行预测,将预测结果与实际值进行对比验证。结果表明,Prophet-LSTM组合模型的EMA、EMAP、ERMS分别为0.0973、16.1285%、0.1287。相较于已有的自回归移动平均(Auto Regression Integrated Moving Average,ARIMA)+反向传播神经网络(Back Propagation Neural Network,BPNN)组合模型和GM(1,1)+ARIMA+LSTM组合模型,Prophet-LSTM组合模型的EMA、EMAP、ERMS分别减小了0.0259、10.4874百分点、0.0143和0.0128、2.0599百分点、0.0086,验证了Prophet-LSTM组合模型的预测精度更高,性能更优良。 展开更多
关键词 安全社会工程 运输航空征候 Prophet模型 长短期记忆网络(lstm)模型 组合预测模型
下载PDF
基于LSTM模型的船舶材料成本滚动预测
6
作者 潘燕华 李公卿 王平 《造船技术》 2024年第3期71-77,共7页
船舶建造周期长、材料成本占比大,易受大宗商品价格指数和汇率等多个因素的影响,造成实际完工成本与报价估算存在较大误差的情况。采用灰色关联分析(Grey Correlation Analysis,GCA)方法识别材料成本的影响因素,基于长短期记忆网络(Long... 船舶建造周期长、材料成本占比大,易受大宗商品价格指数和汇率等多个因素的影响,造成实际完工成本与报价估算存在较大误差的情况。采用灰色关联分析(Grey Correlation Analysis,GCA)方法识别材料成本的影响因素,基于长短期记忆网络(Long Short-Term Memory,LSTM)模型构建船舶材料成本滚动预测模型,并使用某造船企业53艘64000 t散货船63个月的材料成本数据和对应的影响因素数据进行试验分析。结果表明,预测数据与实际数据误差在可接受范围内,可证明所选择方法和构建模型的有效性。研究结果对制造过程的成本实时预测和控制具有现实意义。 展开更多
关键词 船舶 材料成本 滚动预测 长短期记忆网络模型 灰色关联分析
下载PDF
利用长短期记忆网络LSTM对赤道太平洋海表面温度短期预报
7
作者 张桃 林鹏飞 +6 位作者 刘海龙 郑伟鹏 王鹏飞 徐天亮 李逸文 刘娟 陈铖 《大气科学》 CSCD 北大核心 2024年第2期745-754,共10页
海表面温度作为海洋中一个最重要的变量,对全球气候、海洋生态等有很大的影响,因此十分有必要对海表面温度(SST)进行预报。深度学习具备高效的数据处理能力,但目前利用深度学习对整个赤道太平洋的SST短期预报及预报技巧的研究仍较少。... 海表面温度作为海洋中一个最重要的变量,对全球气候、海洋生态等有很大的影响,因此十分有必要对海表面温度(SST)进行预报。深度学习具备高效的数据处理能力,但目前利用深度学习对整个赤道太平洋的SST短期预报及预报技巧的研究仍较少。本文基于最优插值海表面温度(OISST)的日平均SST数据,利用长短期记忆(LSTM)网络构建了未来10天赤道太平洋(10°S~10°N,120°E~80°W)SST的逐日预报模型。LSTM预报模型利用1982~2010年的观测数据进行训练,2011~2020年的观测数据作为初值进行预报和检验评估。结果表明:赤道太平洋东部地区预报均方根误差(RMSE)大于中、西部,东部预报第1天RMSE为0.6℃左右,而中、西部均小于0.3℃。在不同的年际变化位相,预报RMSE在拉尼娜出现时期最大,正常年份次之,厄尔尼诺时期最小,RMSE在拉尼娜时期比在厄尔尼诺时期可达20%。预报偏差整体表现为东正、西负。相关预报技巧上,中部最好,可预报天数基本为10天以上,赤道冷舌附近可预报天数为4~7天,赤道西边部分地区可预报天数为3天。预报模型在赤道太平洋东部地区各月份预报技巧普遍低于西部地区,相比较而言各区域10、11月份预报技巧最低。总的来说,基于LSTM构建的SST预报模型能很好地捕捉到SST在时序上的演变特征,在不同案例中预报表现良好。同时该预报模型依靠数据驱动,能迅速且较好地预报未来10天以内的日平均SST的短期变化。 展开更多
关键词 海表面温度 lstm (long short-term memory) 短期预报 赤道太平洋
下载PDF
Navigation jamming signal recognition based on long short-term memory neural networks 被引量:2
8
作者 FU Dong LI Xiangjun +2 位作者 MOU Weihua MA Ming OU Gang 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2022年第4期835-844,共10页
This paper introduces the time-frequency analyzed long short-term memory(TF-LSTM) neural network method for jamming signal recognition over the Global Navigation Satellite System(GNSS) receiver. The method introduces ... This paper introduces the time-frequency analyzed long short-term memory(TF-LSTM) neural network method for jamming signal recognition over the Global Navigation Satellite System(GNSS) receiver. The method introduces the long shortterm memory(LSTM) neural network into the recognition algorithm and combines the time-frequency(TF) analysis for signal preprocessing. Five kinds of navigation jamming signals including white Gaussian noise(WGN), pulse jamming, sweep jamming, audio jamming, and spread spectrum jamming are used as input for training and recognition. Since the signal parameters and quantity are unknown in the actual scenario, this work builds a data set containing multiple kinds and parameters jamming to train the TF-LSTM. The performance of this method is evaluated by simulations and experiments. The method has higher recognition accuracy and better robustness than the existing methods, such as LSTM and the convolutional neural network(CNN). 展开更多
关键词 satellite navigation jamming recognition time-frequency(TF)analysis long short-term memory(lstm)
下载PDF
基于深度AttLSTM网络的脱硫过程建模
9
作者 刘泉伯 李晓理 王康 《北京工业大学学报》 CAS CSCD 北大核心 2024年第2期140-151,共12页
脱硫过程是具有高度动态非线性和较大延迟时间的复杂工业过程,为了解决烟气脱硫过程的建模问题,设计了注意力机制下的深度长短期记忆(attention mechanism-based long short-term memory,AttLSTM)网络,并基于该网络设计自动编码器,完成... 脱硫过程是具有高度动态非线性和较大延迟时间的复杂工业过程,为了解决烟气脱硫过程的建模问题,设计了注意力机制下的深度长短期记忆(attention mechanism-based long short-term memory,AttLSTM)网络,并基于该网络设计自动编码器,完成脱硫过程异常点的检测。该文首次提出使用AttLSTM网络自编码器对脱硫过程进行离群点检测,并且该网络模型同样首次应用于脱硫过程的辨识任务中。从更深的意义上讲,该文尝试使用深度学习模型对复杂系统进行辨识,所建立的AttLSTM网络之前未出现在系统辨识领域,该网络的出现可以丰富辨识模型的选择,同时为人工智能技术在系统辨识领域和控制领域的应用与推广提供参考。实验结果表明,相比于之前文献出现的脱硫过程建模方法,所提方法在不同性能指标上均具有更好的表现,由此可以证明深度AttLSTM网络在脱硫场景下的有效性。 展开更多
关键词 湿法烟气脱硫 过程建模 长短期记忆网络 注意力机制 自动编码器 大气污染
下载PDF
A multi-source information fusion layer counting method for penetration fuze based on TCN-LSTM
10
作者 Yili Wang Changsheng Li Xiaofeng Wang 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2024年第3期463-474,共12页
When employing penetration ammunition to strike multi-story buildings,the detection methods using acceleration sensors suffer from signal aliasing,while magnetic detection methods are susceptible to interference from ... When employing penetration ammunition to strike multi-story buildings,the detection methods using acceleration sensors suffer from signal aliasing,while magnetic detection methods are susceptible to interference from ferromagnetic materials,thereby posing challenges in accurately determining the number of layers.To address this issue,this research proposes a layer counting method for penetration fuze that incorporates multi-source information fusion,utilizing both the temporal convolutional network(TCN)and the long short-term memory(LSTM)recurrent network.By leveraging the strengths of these two network structures,the method extracts temporal and high-dimensional features from the multi-source physical field during the penetration process,establishing a relationship between the multi-source physical field and the distance between the fuze and the target plate.A simulation model is developed to simulate the overload and magnetic field of a projectile penetrating multiple layers of target plates,capturing the multi-source physical field signals and their patterns during the penetration process.The analysis reveals that the proposed multi-source fusion layer counting method reduces errors by 60% and 50% compared to single overload layer counting and single magnetic anomaly signal layer counting,respectively.The model's predictive performance is evaluated under various operating conditions,including different ratios of added noise to random sample positions,penetration speeds,and spacing between target plates.The maximum errors in fuze penetration time predicted by the three modes are 0.08 ms,0.12 ms,and 0.16 ms,respectively,confirming the robustness of the proposed model.Moreover,the model's predictions indicate that the fitting degree for large interlayer spacings is superior to that for small interlayer spacings due to the influence of stress waves. 展开更多
关键词 Penetration fuze Temporal convolutional network(TCN) long short-term memory(lstm) Layer counting Multi-source fusion
下载PDF
Real-time UAV path planning based on LSTM network
11
作者 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
Track correlation algorithm based on CNN-LSTM for swarm targets
12
作者 CHEN Jinyang WANG Xuhua CHEN Xian 《Journal of Systems Engineering and Electronics》 SCIE CSCD 2024年第2期417-429,共13页
The rapid development of unmanned aerial vehicle(UAV) swarm, a new type of aerial threat target, has brought great pressure to the air defense early warning system. At present, most of the track correlation algorithms... The rapid development of unmanned aerial vehicle(UAV) swarm, a new type of aerial threat target, has brought great pressure to the air defense early warning system. At present, most of the track correlation algorithms only use part of the target location, speed, and other information for correlation.In this paper, the artificial neural network method is used to establish the corresponding intelligent track correlation model and method according to the characteristics of swarm targets.Precisely, a route correlation method based on convolutional neural networks (CNN) and long short-term memory (LSTM)Neural network is designed. In this model, the CNN is used to extract the formation characteristics of UAV swarm and the spatial position characteristics of single UAV track in the formation,while the LSTM is used to extract the time characteristics of UAV swarm. Experimental results show that compared with the traditional algorithms, the algorithm based on CNN-LSTM neural network can make full use of multiple feature information of the target, and has better robustness and accuracy for swarm targets. 展开更多
关键词 track correlation correlation accuracy rate swarm target convolutional neural network(CNN) long short-term memory(lstm)neural network
下载PDF
基于GMM-KNN-LSTM的烧结矿化学指标预测
13
作者 閤光磊 吴朝霞 +1 位作者 刘梦园 姜玉山 《东北大学学报(自然科学版)》 EI CAS CSCD 北大核心 2024年第3期314-322,共9页
针对烧结矿化学指标检测频率低导致无标签样本无法被机器学习利用的问题,提出了一种充分利用样本中有用信息的烧结矿化学指标预测模型.首先,结合高斯混合模型(GMM)和K-近邻(KNN)算法,将无标签样本转化为有标签样本,然后与长短期记忆(LS... 针对烧结矿化学指标检测频率低导致无标签样本无法被机器学习利用的问题,提出了一种充分利用样本中有用信息的烧结矿化学指标预测模型.首先,结合高斯混合模型(GMM)和K-近邻(KNN)算法,将无标签样本转化为有标签样本,然后与长短期记忆(LSTM)单元相结合,用于预测烧结矿的总铁质量分数、FeO质量分数和碱度3个化学指标.通过与反向传播神经网络(BPNN)、循环神经网络(RNN)和LSTM三种模型对比,结果表明所建模型具有较低的预测误差.总铁质量分数和FeO质量分数的预测命中率在允许误差±0.5%内时分别达到98.73%和95.33%,碱度的预测命中率在允许误差±0.05内为98.13%,展现了较高的预测精度. 展开更多
关键词 烧结矿化学指标 预测模型 无标签样本处理算法 lstm 数据预处理
下载PDF
基于GMM和GA-LSTM的稀土熔盐电解过程原料含量状态识别模型
14
作者 张震 朱尚琳 +3 位作者 伍昕宇 刘飞飞 何鑫凤 王家超 《中国有色金属学报》 EI CAS CSCD 北大核心 2024年第5期1727-1742,共16页
在高温高风险的稀土熔盐电解工艺中,为了实现稀土熔盐电解过程原料含量状态的智能识别,提出了一种基于混合高斯背景建模(GMM)和遗传算法优化的长短期记忆神经网络(GA-LSTM)的分类模型。模型通过GMM算法、R通道自适应滤波和中值滤波准确... 在高温高风险的稀土熔盐电解工艺中,为了实现稀土熔盐电解过程原料含量状态的智能识别,提出了一种基于混合高斯背景建模(GMM)和遗传算法优化的长短期记忆神经网络(GA-LSTM)的分类模型。模型通过GMM算法、R通道自适应滤波和中值滤波准确提取图像的火焰前景和特征,以量化熔盐电解反应的剧烈程度,进而判断稀土熔盐电解处于原料含量过多或含量正常状态;然后利用GA-LSTM神经网络建立熔盐表面火焰特征和稀土熔盐电解过程原料含量状态的非线性映射关系。结果表明:模型的识别精度高达99.79%,具有较好的泛化性,为实现稀土熔盐电解工艺自动化提供了一定的参考价值。 展开更多
关键词 稀土熔盐 火焰 特征 混合高斯模型 长短期记忆神经网络 遗传算法
下载PDF
基于K-means-LSTM模型的证券股价预测
15
作者 肖田田 《科技和产业》 2024年第3期210-215,共6页
鉴于股票数据具有非平稳、非线性等特征,传统的统计模型无法精准预测股票价格的未来趋势。针对这个问题,构建一种混合深度学习方法来提高股票预测性能。首先,通过将距离算法修改为DTW(动态时间归整),令K-means聚类算法拓展为更适用于时... 鉴于股票数据具有非平稳、非线性等特征,传统的统计模型无法精准预测股票价格的未来趋势。针对这个问题,构建一种混合深度学习方法来提高股票预测性能。首先,通过将距离算法修改为DTW(动态时间归整),令K-means聚类算法拓展为更适用于时间序列数据的K-means-DTW,聚类出价格趋势相似的证券;然后,通过聚类数据来训练LSTM(长短时记忆网络)模型,以实现对单支股票价格的预测。实验结果表明,混合模型K-means-LSTM表现出更好的预测性能,其预测精度和稳定性均优于单一LSTM模型。 展开更多
关键词 股票价格预测 K-MEANS DTW(动态时间归整) K-means-lstm(K均值-长短时记忆网络)混合模型
下载PDF
State of Health Estimation of Lithium-Ion Batteries Using Support Vector Regression and Long Short-Term Memory
16
作者 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
基于LSTM-DT模型的低碳工业互联网网络安全态势平台
17
作者 李立伟 金鑫城 《信息与电脑》 2024年第6期71-73,共3页
低碳工业互联网网络安全态势平台的网络拓扑结构具有一定的限制性,导致节点之间的通信受到约束,使得平台吞吐量较小,无法满足相应的吞吐量需求。为此,提出基于长短时记忆-决策树(Long Short-Term Memory-DecisionTree,LSTM-DT)模型的低... 低碳工业互联网网络安全态势平台的网络拓扑结构具有一定的限制性,导致节点之间的通信受到约束,使得平台吞吐量较小,无法满足相应的吞吐量需求。为此,提出基于长短时记忆-决策树(Long Short-Term Memory-DecisionTree,LSTM-DT)模型的低碳工业互联网网络安全态势平台设计研究。将GF-PR6K可编程控制面板作为硬件装置;利用长短期记忆网络,在记忆当前时刻低碳工业互联网网络状态信息的基础上,在下一时刻有选择地传递或遗忘低碳工业互联网网络的隐藏状态,最大限度降低低碳工业互联网网络安全态势分析阶段的冗余计算量,利用DT对低碳工业互联网网络状态序列信息进行综合。在测试结果中,设计平台吞吐量不仅呈现出了随着测试互联网网络构成及规模的增加逐渐增大的特点,且对应的涨幅明显,当节点之间通信距离由15 m增加至50 m时,对应的吞吐量增幅仅为1.00 kb。 展开更多
关键词 长短时记忆-决策树(lstm-DT模型) 低碳工业互联网 网络安全态势 GF-PR6K可编程控制面板
下载PDF
基于改进Bi-LSTM-CRF的农业问答系统研究 被引量:7
18
作者 白皓然 孙伟浩 +1 位作者 金宁 马皓冉 《中国农机化学报》 北大核心 2023年第2期99-105,共7页
针对农业领域问答系统面临的实体识别困难的问题,提出一种基于改进Bi-LSTM-CRF的实体识别方法。首先通过BERT预训练模型的预处理,生成基于上下文信息的词向量,然后将训练出的词向量输入Bi-LSTM-CRF做进一步的训练处理,最后,利用Python的... 针对农业领域问答系统面临的实体识别困难的问题,提出一种基于改进Bi-LSTM-CRF的实体识别方法。首先通过BERT预训练模型的预处理,生成基于上下文信息的词向量,然后将训练出的词向量输入Bi-LSTM-CRF做进一步的训练处理,最后,利用Python的Django框架设计农业领域的实体识别、实体查询、农知问答等子系统。经过试验对比,所提出的改进的Bi-LSTM-CRF在农业信息领域具有更好的实体识别能力,在农业信息语料库上的精确率、召回率和F1值分别为93.23%、91.08%和92.16%。实现农业领域实体识别和农业信息问答的知识图谱网站演示,对农业信息化的发展具有重要意义。 展开更多
关键词 智能问答系统 知识图谱 双向长短期记忆模型(Bi-lstm) 条件随机场(CRF)
下载PDF
基于缓冲区重采样的LSTM林火预测模型 被引量:2
19
作者 汪瑾 郭在军 +1 位作者 业巧林 高德民 《中国安全生产科学技术》 CAS CSCD 北大核心 2023年第2期195-202,共8页
为提高林火风险预测精度,挖掘地图上隐含的空间信息、时间序列上隐含的长期趋势和循环波动,提出1种基于缓冲区重采样的长短期记忆(LSTM)林火预测模型,选取15个与林火相关的影响因素,以方差膨胀因子为评价指标对其进行多重共线性检验,方... 为提高林火风险预测精度,挖掘地图上隐含的空间信息、时间序列上隐含的长期趋势和循环波动,提出1种基于缓冲区重采样的长短期记忆(LSTM)林火预测模型,选取15个与林火相关的影响因素,以方差膨胀因子为评价指标对其进行多重共线性检验,方差膨胀因子大于10的因素具有共线性,并采用信息增益率验证筛选结果的合理性。考虑到火灾的空间聚集特性,采用缓冲区分析与过采样相结合方法减少样本不均衡现象的影响,最终得到176732条样本。对12个影响因素和研究时间段的火点建立LSTM预测模型,对森林火灾发生风险进行预测。研究结果表明:基于缓冲区重采样的LSTM林火预测模型有效考虑时空上隐含的信息,预测模型准确率为87.06%,特异性为97.99%,敏感度为76.12%,阳性预测率为97.43%,阴性预测率为80.41%,ROC曲线与AUC值均优于随机森林(RF)和支持向量机(SVM)这2种基准算法。维尔克松秩和检验发现,本文提出的模型与基准算法结果具有显著性差异。研究结果可为提高林火风险预测精度提供参考。 展开更多
关键词 森林火灾 风险预测 长短期记忆模型 时间序列
下载PDF
基于CEEMDAN-IPSO-LSTM的城市轨道交通短时客流预测方法研究 被引量:2
20
作者 曾璐 李紫诺 +1 位作者 杨杰 许心越 《铁道科学与工程学报》 EI CAS CSCD 北大核心 2023年第9期3273-3286,共14页
消除客流数据随机噪声和确定神经网络超参数是城市轨道交通短时客流预测组合模型需要解决的关键问题。基于弱化客流数据噪声的自适应噪声完全集成经验模式分解算法(CEEMDAN)将客流时序数据分解为若干个频率和复杂度均不同的固有模态函... 消除客流数据随机噪声和确定神经网络超参数是城市轨道交通短时客流预测组合模型需要解决的关键问题。基于弱化客流数据噪声的自适应噪声完全集成经验模式分解算法(CEEMDAN)将客流时序数据分解为若干个频率和复杂度均不同的固有模态函数分量和剩余分量后,利用引入自适应策略的改进粒子群算法(IPSO)动态求解长短期记忆神经网络(LSTM)超参数的最优值,构建CEEMDAN-IPSO-LSTM组合模型预测城市轨道交通短时客流量。以广州地铁杨箕站自动售检票系统采集的历史进(出)站客流数据为例进行实验,研究结果表明:IPSO算法较PSO算法在基准测试函数Sphere,Sum Squars,Sum of Different Power,Rosenbrock,Rastigrin,Ackley,Griewank和Penalized上的最小值、最大值、平均值和标准差均更接近最佳优化值,CEEMDAN-IPSO-LSTM模型较LSTM模型、CEEMDAN-LSTM模型、CEEMDAN-PSO-LSTM模型的全月全日进(出)站的预测误差评价指标SD,RMSE,MAE和MAPE分别降低了12~40人次(13~35人次)、13~44人次(12~35人次)、6~37人次(12~31人次)和5.08%~46.89%(6.5%~35.1%),R和R2分别提高了0.07%~2.32%(0.86%~3.63%)和0.13%~2.19%(0.67%~1.67%),同时在工作日不同时段和非工作日全日的预测性能均达到最优效果。IPSO算法的收敛速度和参数寻优精度均优于PSO算法,且CEEMDAN-IPSO-LSTM模型可应用于城市轨道交通短时客流量的精确预测,同时可为设计规划线网路线、缓解交通压力、提高乘客出行服务质量等提供基础数据支撑。 展开更多
关键词 城市轨道交通 短时客流预测 自适应噪声完全集成经验模式分解算法 改进粒子群算法 长短期记忆神经网络 组合模型 CEEMDAN-IPSO-lstm
下载PDF
上一页 1 2 15 下一页 到第
使用帮助 返回顶部