期刊文献+
共找到368篇文章
< 1 2 19 >
每页显示 20 50 100
Effects of data smoothing and recurrent neural network(RNN)algorithms for real-time forecasting of tunnel boring machine(TBM)performance
1
作者 Feng Shan Xuzhen He +1 位作者 Danial Jahed Armaghani Daichao Sheng 《Journal of Rock Mechanics and Geotechnical Engineering》 SCIE CSCD 2024年第5期1538-1551,共14页
Tunnel boring machines(TBMs)have been widely utilised in tunnel construction due to their high efficiency and reliability.Accurately predicting TBM performance can improve project time management,cost control,and risk... Tunnel boring machines(TBMs)have been widely utilised in tunnel construction due to their high efficiency and reliability.Accurately predicting TBM performance can improve project time management,cost control,and risk management.This study aims to use deep learning to develop real-time models for predicting the penetration rate(PR).The models are built using data from the Changsha metro project,and their performances are evaluated using unseen data from the Zhengzhou Metro project.In one-step forecast,the predicted penetration rate follows the trend of the measured penetration rate in both training and testing.The autoregressive integrated moving average(ARIMA)model is compared with the recurrent neural network(RNN)model.The results show that univariate models,which only consider historical penetration rate itself,perform better than multivariate models that take into account multiple geological and operational parameters(GEO and OP).Next,an RNN variant combining time series of penetration rate with the last-step geological and operational parameters is developed,and it performs better than other models.A sensitivity analysis shows that the penetration rate is the most important parameter,while other parameters have a smaller impact on time series forecasting.It is also found that smoothed data are easier to predict with high accuracy.Nevertheless,over-simplified data can lose real characteristics in time series.In conclusion,the RNN variant can accurately predict the next-step penetration rate,and data smoothing is crucial in time series forecasting.This study provides practical guidance for TBM performance forecasting in practical engineering. 展开更多
关键词 Tunnel boring machine(TBM) Penetration rate(PR) Time series forecasting Recurrent neural network(rnn)
下载PDF
Optimized Phishing Detection with Recurrent Neural Network and Whale Optimizer Algorithm
2
作者 Brij Bhooshan Gupta Akshat Gaurav +3 位作者 Razaz Waheeb Attar Varsha Arya Ahmed Alhomoud Kwok Tai Chui 《Computers, Materials & Continua》 SCIE EI 2024年第9期4895-4916,共22页
Phishing attacks present a persistent and evolving threat in the cybersecurity land-scape,necessitating the development of more sophisticated detection methods.Traditional machine learning approaches to phishing detec... Phishing attacks present a persistent and evolving threat in the cybersecurity land-scape,necessitating the development of more sophisticated detection methods.Traditional machine learning approaches to phishing detection have relied heavily on feature engineering and have often fallen short in adapting to the dynamically changing patterns of phishingUniformResource Locator(URLs).Addressing these challenge,we introduce a framework that integrates the sequential data processing strengths of a Recurrent Neural Network(RNN)with the hyperparameter optimization prowess of theWhale Optimization Algorithm(WOA).Ourmodel capitalizes on an extensive Kaggle dataset,featuring over 11,000 URLs,each delineated by 30 attributes.The WOA’s hyperparameter optimization enhances the RNN’s performance,evidenced by a meticulous validation process.The results,encapsulated in precision,recall,and F1-score metrics,surpass baseline models,achieving an overall accuracy of 92%.This study not only demonstrates the RNN’s proficiency in learning complex patterns but also underscores the WOA’s effectiveness in refining machine learning models for the critical task of phishing detection. 展开更多
关键词 Phishing detection Recurrent neural network(rnn) Whale Optimization Algorithm(WOA) CYBERSECURITY machine learning optimization
下载PDF
基于小波包变换和Replicator Neural Network的单位置结构损伤检测 被引量:1
3
作者 张祥 陈仁文 《机械强度》 CAS CSCD 北大核心 2020年第3期509-515,共7页
为了实现对结构的损伤检测,提出一种基于小波包变换和Replicator Neural Network(RNN)的单位置结构损伤检测方法。首先采用小波包变换对原始振动响应信号进行分解,计算分解得到的各频带的相对频带能量,这些相对频带能量的分布反映了结... 为了实现对结构的损伤检测,提出一种基于小波包变换和Replicator Neural Network(RNN)的单位置结构损伤检测方法。首先采用小波包变换对原始振动响应信号进行分解,计算分解得到的各频带的相对频带能量,这些相对频带能量的分布反映了结构特性。然后,将健康结构的相对频带能量作为输入训练RNN。最后,利用训练后的网络即可对结构进行实时损伤检测。实验表明,即使在有噪声干扰下,该方法仍然能够检测出结构是否存在损伤。 展开更多
关键词 replicator neural network 小波包变换 相对频带能量 结构损伤检测
下载PDF
基于RF-RNN模型的DNS隐蔽信道检测方法
4
作者 冯燕茹 《信息与电脑》 2024年第3期158-160,共3页
为提高检测隐蔽信道的灵敏度,提出一种基于随机森林(Random Forest,RF)和循环神经网络(Recurrent Neural Network,RNN)的域名系统(Domain Name System,DNS)隐蔽信道检测方法。该方法采用域名检测作为主要手段,使用RF模型对域名进行分类... 为提高检测隐蔽信道的灵敏度,提出一种基于随机森林(Random Forest,RF)和循环神经网络(Recurrent Neural Network,RNN)的域名系统(Domain Name System,DNS)隐蔽信道检测方法。该方法采用域名检测作为主要手段,使用RF模型对域名进行分类,通过深度学习方法挖掘更高阶的特征表示。实验结果表明,与单一模型相比,该方法在检测准确性和健壮性方面均取得了显著提升。 展开更多
关键词 域名系统(DNS) 随机森林(RF) 循环神经网络(rnn)
下载PDF
Hyperparameter Tuning for Deep Neural Networks Based Optimization Algorithm 被引量:3
5
作者 D.Vidyabharathi V.Mohanraj 《Intelligent Automation & Soft Computing》 SCIE 2023年第6期2559-2573,共15页
For training the present Neural Network(NN)models,the standard technique is to utilize decaying Learning Rates(LR).While the majority of these techniques commence with a large LR,they will decay multiple times over ti... For training the present Neural Network(NN)models,the standard technique is to utilize decaying Learning Rates(LR).While the majority of these techniques commence with a large LR,they will decay multiple times over time.Decaying has been proved to enhance generalization as well as optimization.Other parameters,such as the network’s size,the number of hidden layers,drop-outs to avoid overfitting,batch size,and so on,are solely based on heuristics.This work has proposed Adaptive Teaching Learning Based(ATLB)Heuristic to identify the optimal hyperparameters for diverse networks.Here we consider three architec-tures Recurrent Neural Networks(RNN),Long Short Term Memory(LSTM),Bidirectional Long Short Term Memory(BiLSTM)of Deep Neural Networks for classification.The evaluation of the proposed ATLB is done through the various learning rate schedulers Cyclical Learning Rate(CLR),Hyperbolic Tangent Decay(HTD),and Toggle between Hyperbolic Tangent Decay and Triangular mode with Restarts(T-HTR)techniques.Experimental results have shown the performance improvement on the 20Newsgroup,Reuters Newswire and IMDB dataset. 展开更多
关键词 Deep learning deep neural network(DNN) learning rates(LR) recurrent neural network(rnn) cyclical learning rate(CLR) hyperbolic tangent decay(HTD) toggle between hyperbolic tangent decay and triangular mode with restarts(T-HTR) teaching learning based optimization(TLBO)
下载PDF
Accurate Phase Detection for ZigBee Using Artificial Neural Network
6
作者 Ali Alqahtani Abdulaziz A.Alsulami +1 位作者 Saeed Alahmari Mesfer Alrizq 《Intelligent Automation & Soft Computing》 SCIE 2023年第6期2505-2518,共14页
The IEEE802.15.4 standard has been widely used in modern industry due to its several benefits for stability,scalability,and enhancement of wireless mesh networking.This standard uses a physical layer of binary phase-s... The IEEE802.15.4 standard has been widely used in modern industry due to its several benefits for stability,scalability,and enhancement of wireless mesh networking.This standard uses a physical layer of binary phase-shift keying(BPSK)modulation and can be operated with two frequency bands,868 and 915 MHz.The frequency noise could interfere with the BPSK signal,which causes distortion to the signal before its arrival at receiver.Therefore,filtering the BPSK signal from noise is essential to ensure carrying the signal from the sen-der to the receiver with less error.Therefore,removing signal noise in the BPSK signal is necessary to mitigate its negative sequences and increase its capability in industrial wireless sensor networks.Moreover,researchers have reported a posi-tive impact of utilizing the Kalmen filter in detecting the modulated signal at the receiver side in different communication systems,including ZigBee.Mean-while,artificial neural network(ANN)and machine learning(ML)models outper-formed results for predicting signals for detection and classification purposes.This paper develops a neural network predictive detection method to enhance the performance of BPSK modulation.First,a simulation-based model is used to generate the modulated signal of BPSK in the IEEE802.15.4 wireless personal area network(WPAN)standard.Then,Gaussian noise was injected into the BPSK simulation model.To reduce the noise of BPSK phase signals,a recurrent neural networks(RNN)model is implemented and integrated at the receiver side to esti-mate the BPSK’s phase signal.We evaluated our predictive-detection RNN model using mean square error(MSE),correlation coefficient,recall,and F1-score metrics.The result shows that our predictive-detection method is superior to the existing model due to the low MSE and correlation coefficient(R-value)metric for different signal-to-noise(SNR)values.In addition,our RNN-based model scored 98.71%and 96.34%based on recall and F1-score,respectively. 展开更多
关键词 neural networks rnn BPSK phasedetection WPAN IEEE802.15.4 signal demodulation
下载PDF
Enhancing Skin Cancer Diagnosis with Deep Learning:A Hybrid CNN-RNN Approach
7
作者 Syeda Shamaila Zareen Guangmin Sun +2 位作者 Mahwish Kundi Syed Furqan Qadri Salman Qadri 《Computers, Materials & Continua》 SCIE EI 2024年第4期1497-1519,共23页
Skin cancer diagnosis is difficult due to lesion presentation variability. Conventionalmethods struggle to manuallyextract features and capture lesions spatial and temporal variations. This study introduces a deep lea... Skin cancer diagnosis is difficult due to lesion presentation variability. Conventionalmethods struggle to manuallyextract features and capture lesions spatial and temporal variations. This study introduces a deep learning-basedConvolutional and Recurrent Neural Network (CNN-RNN) model with a ResNet-50 architecture which usedas the feature extractor to enhance skin cancer classification. Leveraging synergistic spatial feature extractionand temporal sequence learning, the model demonstrates robust performance on a dataset of 9000 skin lesionphotos from nine cancer types. Using pre-trained ResNet-50 for spatial data extraction and Long Short-TermMemory (LSTM) for temporal dependencies, the model achieves a high average recognition accuracy, surpassingprevious methods. The comprehensive evaluation, including accuracy, precision, recall, and F1-score, underscoresthe model’s competence in categorizing skin cancer types. This research contributes a sophisticated model andvaluable guidance for deep learning-based diagnostics, also this model excels in overcoming spatial and temporalcomplexities, offering a sophisticated solution for dermatological diagnostics research. 展开更多
关键词 Skin cancer classification deep learning Convolutional neural network(CNN) rnn ResNet-50
下载PDF
RNN循环神经网络的服务机器人交互手势辨识
8
作者 郑奕捷 李翠玉 郑祖芳 《机械设计与制造》 北大核心 2024年第4期282-285,共4页
服务机器人交互过程中机器人重要关节点难以确定,导致交互手势辨识难以增加,因此设计一种基于RNN循环神经网络的服务机器人交互手势辨识方法。利用Kinect捕获服务机器人交互手势深度图像,确定服务机器人交互过程中的重要关节点,提取服... 服务机器人交互过程中机器人重要关节点难以确定,导致交互手势辨识难以增加,因此设计一种基于RNN循环神经网络的服务机器人交互手势辨识方法。利用Kinect捕获服务机器人交互手势深度图像,确定服务机器人交互过程中的重要关节点,提取服务机器人交互手势特征。根据手势特征提取结果,定义手势模板,采用RNN循环神经网络对手势模板进行学习处理,搭建服务机器人交互手势辨识模型,得到相关的交互手势辨识结果。实验测试结果表明,采用所提方法可以快速获取高精度的服务机器人交互手势辨识结果,实际应用效果好。 展开更多
关键词 rnn循环神经网络 服务机器人 交互手势 辨识
下载PDF
Research of Energy-saving Control of Oil-well Power Heater Based on RNN Neural Network
9
作者 SUN Jingen YANG Yang 《沈阳理工大学学报》 CAS 2014年第4期87-94,共8页
For the beam pumping unit,the power consumption of oil-well power heater accounts for a large part of the pumping unit.Decreasing the energy consumption of the power heater is an important approach to reduce that of t... For the beam pumping unit,the power consumption of oil-well power heater accounts for a large part of the pumping unit.Decreasing the energy consumption of the power heater is an important approach to reduce that of the pumping unit.To decrease the energy consumption of oil-well power heater,the proper control method is needed.Based on summarizing the existing control method of power heater,a control method of oil-well power heater of beam pumping unit based on RNN neural network is proposed.The method is forecasting the polished rod load of the beam pumping unit through RNN neural network and using the polished rod load for real-time closed-loop control of the power heater,which adjusts average output power,so as to decrease the power consumption.The experimental data show that the control method is entirely feasible.It not only ensures the oil production,but also improves the energy-saving effect of the pumping unit. 展开更多
关键词 rnn neural network oil-wells power heating ENERGY-SAVING
下载PDF
An INS/GNSS integrated navigation in GNSS denied environment using recurrent neural network 被引量:10
10
作者 Hai-fa Dai Hong-wei Bian +1 位作者 Rong-ying Wang Heng Ma 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2020年第2期334-340,共7页
In view of the failure of GNSS signals,this paper proposes an INS/GNSS integrated navigation method based on the recurrent neural network(RNN).This proposed method utilizes the calculation principle of INS and the mem... In view of the failure of GNSS signals,this paper proposes an INS/GNSS integrated navigation method based on the recurrent neural network(RNN).This proposed method utilizes the calculation principle of INS and the memory function of the RNN to estimate the errors of the INS,thereby obtaining a continuous,reliable and high-precision navigation solution.The performance of the proposed method is firstly demonstrated using an INS/GNSS simulation environment.Subsequently,an experimental test on boat is also conducted to validate the performance of the method.The results show a promising application prospect for RNN in the field of positioning for INS/GNSS integrated navigation in the absence of GNSS signal,as it outperforms extreme learning machine(ELM)and EKF by approximately 30%and 60%,respectively. 展开更多
关键词 INERTIAL NAVIGATION system(INS) Global NAVIGATION satellite system(GNSS) Integrated NAVIGATION RECURRENT neural network(rnn)
下载PDF
Remaining Useful Life Prediction for a Roller in a Hot Strip Mill Based on Deep Recurrent Neural Networks 被引量:10
11
作者 Ruihua Jiao Kaixiang Peng Jie Dong 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2021年第7期1345-1354,共10页
Accurate estimation of the remaining useful life(RUL)and health state for rollers is of great significance to hot rolling production.It can provide decision support for roller management so as to improve the productiv... Accurate estimation of the remaining useful life(RUL)and health state for rollers is of great significance to hot rolling production.It can provide decision support for roller management so as to improve the productivity of the hot rolling process.In addition,the RUL prediction for rollers is helpful in transitioning from the current regular maintenance strategy to conditional-based maintenance.Therefore,a new method that can extract coarse-grained and fine-grained features from batch data to predict the RUL of the rollers is proposed in this paper.Firstly,a new deep learning network architecture based on recurrent neural networks that can make full use of the extracted coarsegrained fine-grained features to estimate the heath indicator(HI)is developed,where the HI is able to indicate the health state of the roller.Following that,a state-space model is constructed to describe the HI,and the probabilistic distribution of RUL can be estimated by extrapolating the HI degradation model to a predefined failure threshold.Finally,application to a hot strip mill is given to verify the effectiveness of the proposed methods using data collected from an industrial site,and the relatively low RMSE and MAE values demonstrate its advantages compared with some other popular deep learning methods. 展开更多
关键词 Hot strip mill prognostics and health management(PHM) recurrent neural network(rnn) remaining useful life(RUL) roller management.
下载PDF
基于时空记忆解耦RNN的雷暴预测方法 被引量:3
12
作者 何诗扬 汪玲 +1 位作者 朱岱寅 钱君 《系统工程与电子技术》 EI CSCD 北大核心 2023年第11期3474-3480,共7页
使用循环神经网络进行雷暴的外推预测,利用气象雷达历史反射率因子资料给出未来一小时的雷暴预测结果。网络的核心是时空长短时记忆(spatiotemporal long short-term memory,ST-LSTM)单元,加入了记忆解耦结构以分离时间记忆和空间记忆... 使用循环神经网络进行雷暴的外推预测,利用气象雷达历史反射率因子资料给出未来一小时的雷暴预测结果。网络的核心是时空长短时记忆(spatiotemporal long short-term memory,ST-LSTM)单元,加入了记忆解耦结构以分离时间记忆和空间记忆状态。在中国香港天文台(Hong Kong Observatorg,HKO)的HKO-7数据集的基础上筛选雷暴数据,构建训练及测试数据集。将有记忆解耦结构、无记忆解耦结构的ST-LSTM网络和MIM(memory in memory)网络以及传统的单体质心法进行比较。预报评分因子数值比较和个例分析检验结果表明,预测神经网络在探测成功概率、临界成功指数上均高于单体质心法,虚警率低于单体质心法。加入记忆解耦结构的网络预报因子评分高于ST-LSTM网络和MIM网络,雷暴回波外推的预测效果更好,尤其是强回波的预测效果更好。 展开更多
关键词 循环神经网络 雷暴预测 气象雷达 深度学习
下载PDF
New Stability Criteria for Recurrent Neural Networks with a Time-varying Delay 被引量:2
13
作者 Hong-Bing Zeng Shen-Ping Xiao Bin Liu 《International Journal of Automation and computing》 EI 2011年第1期128-133,共6页
This paper deals with the stability of static recurrent neural networks (RNNs) with a time-varying delay. An augmented Lyapunov-Krasovskii functional is employed, in which some useful terms are included. Furthermore... This paper deals with the stability of static recurrent neural networks (RNNs) with a time-varying delay. An augmented Lyapunov-Krasovskii functional is employed, in which some useful terms are included. Furthermore, the relationship among the timevarying delay, its upper bound and their difierence, is taken into account, and novel bounding techniques for 1- τ(t) are employed. As a result, without ignoring any useful term in the derivative of the Lyapunov-Krasovskii functional, the resulting delay-dependent criteria show less conservative than the existing ones. Finally, a numerical example is given to demonstrate the effectiveness of the proposed methods. 展开更多
关键词 STABILITY recurrent neural networks rnns) time-varying delay DELAY-DEPENDENT augmented Lyapunov-Krasovskii functional.
下载PDF
Robust exponential stability analysis of a larger class of discrete-time recurrent neural networks 被引量:1
14
作者 ZHANG Jian-hai ZHANG Sen-lin LIU Mei-qin 《Journal of Zhejiang University-Science A(Applied Physics & Engineering)》 SCIE EI CAS CSCD 2007年第12期1912-1920,共9页
The robust exponential stability of a larger class of discrete-time recurrent neural networks (RNNs) is explored in this paper. A novel neural network model, named standard neural network model (SNNM), is introduced t... The robust exponential stability of a larger class of discrete-time recurrent neural networks (RNNs) is explored in this paper. A novel neural network model, named standard neural network model (SNNM), is introduced to provide a general framework for stability analysis of RNNs. Most of the existing RNNs can be transformed into SNNMs to be analyzed in a unified way. Applying Lyapunov stability theory method and S-Procedure technique, two useful criteria of robust exponential stability for the discrete-time SNNMs are derived. The conditions presented are formulated as linear matrix inequalities (LMIs) to be easily solved using existing efficient convex optimization techniques. An example is presented to demonstrate the transformation procedure and the effectiveness of the results. 展开更多
关键词 Standard neural network model (SNNM) Robust exponential stability Recurrent neural networks rnns) DISCRETE-TIME Time-delay system Linear matrix inequality (LMI)
下载PDF
Multimodal emotion recognition based on deep neural network 被引量:1
15
作者 Ye Jiayin Zheng Wenming +2 位作者 Li Yang Cai Youyi Cui Zhen 《Journal of Southeast University(English Edition)》 EI CAS 2017年第4期444-447,共4页
In order to increase the accuracy rate of emotion recognition in voiceand video,the mixed convolutional neural network(CNN)and recurrent neural network(RNN)ae used to encode and integrate the two information sources.F... In order to increase the accuracy rate of emotion recognition in voiceand video,the mixed convolutional neural network(CNN)and recurrent neural network(RNN)ae used to encode and integrate the two information sources.For the audio signals,several frequency bands as well as some energy functions are extacted as low-level features by using a sophisticated audio technique,and then they are encoded w it a one-dimensional(I D)convolutional neural network to abstact high-level features.Finally,tiese are fed into a recurrent neural network for te sake of capturing dynamic tone changes in a temporal dimensionality.As a contrast,a two-dimensional(2D)convolutional neural network and a similar RNN are used to capture dynamic facial appearance changes of temporal sequences.The method was used in te Chinese Natral Audio-'Visual Emotion Database in te Chinese Conference on Pattern Recognition(CCPR)in2016.Experimental results demonstrate that te classification average precision of the proposed metiod is41.15%,which is increased by16.62%compaed with te baseline algorithm offered by the CCPR in2016.It is proved ta t te proposed method has higher accuracy in te identification of emotional information. 展开更多
关键词 emotion recognition convolutional neural network ( CNN) recurrent neural networks ( rnn)
下载PDF
Global stability of interval recurrent neural networks 被引量:1
16
作者 袁铸钢 刘志远 +1 位作者 裴润 申涛 《Journal of Beijing Institute of Technology》 EI CAS 2012年第3期382-386,共5页
The robust global exponential stability of a class of interval recurrent neural networks(RNNs) is studied,and a new robust stability criterion is obtained in the form of linear matrix inequality.The problem of robus... The robust global exponential stability of a class of interval recurrent neural networks(RNNs) is studied,and a new robust stability criterion is obtained in the form of linear matrix inequality.The problem of robust stability of interval RNNs is transformed into a problem of solving a class of linear matrix inequalities.Thus,the robust stability of interval RNNs can be analyzed by directly using the linear matrix inequalities(LMI) toolbox of MATLAB.Numerical example is given to show the effectiveness of the obtained results. 展开更多
关键词 recurrent neural networks(rnns) interval systems linear matrix inequalities(LMI) global exponential stability
下载PDF
ENDPOINT DETECTOR OF NOISY SPEECH SIGNAL USING A RECURRENT NEURAL NETWORK
17
作者 韦晓东 胡光锐 《Journal of Shanghai Jiaotong university(Science)》 EI 1999年第1期60-63,共4页
IntroductionEndpointdetectionofspeechsignalisimportantinmanyareasofspeechprocessingtechnology,suchasspeechen... IntroductionEndpointdetectionofspeechsignalisimportantinmanyareasofspeechprocessingtechnology,suchasspeechenhancement,speechr... 展开更多
关键词 SPEECH ENDPOINT detection RECURRENT neural network(rnn) immunity learning
下载PDF
一种基于CNN-RNN模型的图像检索技术 被引量:1
18
作者 汤永斌 《信息与电脑》 2023年第9期182-184,共3页
图像检索是一项重要的研究课题,涉及如何快速、准确地检索和管理海量的图像数据。传统的图像检索技术主要依赖图像的视觉特征或文本描述进行匹配,但是难以充分理解图像的语义信息,对复杂场景的适应性较差。针对这一问题,文章提出了一种... 图像检索是一项重要的研究课题,涉及如何快速、准确地检索和管理海量的图像数据。传统的图像检索技术主要依赖图像的视觉特征或文本描述进行匹配,但是难以充分理解图像的语义信息,对复杂场景的适应性较差。针对这一问题,文章提出了一种基于卷积神经网络-循环神经网络(Convolutional Neural Networks-Recurrent Neural Network,CNN-RNN)模型的图像检索技术。该技术将CNN和RNN相结合,构建了一个统一的深度学习框架。其中,CNN模型用于从图像中提取全局特征,RNN模型用于学习图像与标签之间的语义关联和共现依赖。文章通过将CNN输出的特征序列输入到RNN模型中,实现了对图像全局语义信息的捕获。将设计系统在多个数据集上进行实验,结果表明,设计的方法能够有效提高图像检索的效率和准确性。 展开更多
关键词 图像检索 循环神经网络(rnn)模型 卷积神经网络(CNN)模型
下载PDF
基于注意力机制RNN模型的癫痫患者脑电信号识别方法
19
作者 周嵩 高天寒 《东北大学学报(自然科学版)》 EI CAS CSCD 北大核心 2023年第8期1098-1103,共6页
针对癫痫患者脑电信号(electroencephalogram,EEG)数据识别提出了一种基于注意力机制的RNN(recurrent neural networks)模型.传统EEG特征分析耗时巨大且过度依赖专家经验,极大限制了脑活动识别方法的应用推广.因此,提出一种新的EEG识别... 针对癫痫患者脑电信号(electroencephalogram,EEG)数据识别提出了一种基于注意力机制的RNN(recurrent neural networks)模型.传统EEG特征分析耗时巨大且过度依赖专家经验,极大限制了脑活动识别方法的应用推广.因此,提出一种新的EEG识别方法以解决上述问题.首先对癫痫患者EEG的基本特征进行分析,进而采用基于注意力机制RNN模型消除各种干扰信号,利用XGBoost分类器识别EEG数据的类别,达到自动细化识别原始EEG的目的,最后在公共EEG数据集上进行大量实验,验证所提方法对EEG识别的准确性.实验结果表明,与一些成熟的EEG识别方法相比,本文所提方法在识别精度上有了进一步提升. 展开更多
关键词 脑电信号 注意力机制 rnn模型 XGBoost分类器 癫痫患者
下载PDF
A Prediction Method of Trend-Type Capacity Index Based on Recurrent Neural Network
20
作者 Wenxiao Wang Xiaoyu Li +2 位作者 Yin Ding Feizhou Wu Shan Yang 《Journal of Quantum Computing》 2021年第1期25-33,共9页
Due to the increase in the types of business and equipment in telecommunications companies,the performance index data collected in the operation and maintenance process varies greatly.The diversity of index data makes... Due to the increase in the types of business and equipment in telecommunications companies,the performance index data collected in the operation and maintenance process varies greatly.The diversity of index data makes it very difficult to perform high-precision capacity prediction.In order to improve the forecasting efficiency of related indexes,this paper designs a classification method of capacity index data,which divides the capacity index data into trend type,periodic type and irregular type.Then for the prediction of trend data,it proposes a capacity index prediction model based on Recurrent Neural Network(RNN),denoted as RNN-LSTM-LSTM.This model includes a basic RNN,two Long Short-Term Memory(LSTM)networks and two Fully Connected layers.The experimental results show that,compared with the traditional Holt-Winters,Autoregressive Integrated Moving Average(ARIMA)and Back Propagation(BP)neural network prediction model,the mean square error(MSE)of the proposed RNN-LSTM-LSTM model are reduced by 11.82%and 20.34%on the order storage and data migration,which has greatly improved the efficiency of trend-type capacity index prediction. 展开更多
关键词 Recurrent neural network(rnn) Long Short-Term Memory(LSTM)network capacity prediction
下载PDF
上一页 1 2 19 下一页 到第
使用帮助 返回顶部