期刊文献+
共找到228篇文章
< 1 2 12 >
每页显示 20 50 100
Effects of data smoothing and recurrent neural network(RNN)algorithms for real-time forecasting of tunnel boring machine(TBM)performance 被引量:1
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
Recurrent neural network decoding of rotated surface codes based on distributed strategy
2
作者 李帆 李熬庆 +1 位作者 甘启迪 马鸿洋 《Chinese Physics B》 SCIE EI CAS CSCD 2024年第4期322-330,共9页
Quantum error correction is a crucial technology for realizing quantum computers.These computers achieve faulttolerant quantum computing by detecting and correcting errors using decoding algorithms.Quantum error corre... Quantum error correction is a crucial technology for realizing quantum computers.These computers achieve faulttolerant quantum computing by detecting and correcting errors using decoding algorithms.Quantum error correction using neural network-based machine learning methods is a promising approach that is adapted to physical systems without the need to build noise models.In this paper,we use a distributed decoding strategy,which effectively alleviates the problem of exponential growth of the training set required for neural networks as the code distance of quantum error-correcting codes increases.Our decoding algorithm is based on renormalization group decoding and recurrent neural network decoder.The recurrent neural network is trained through the ResNet architecture to improve its decoding accuracy.Then we test the decoding performance of our distributed strategy decoder,recurrent neural network decoder,and the classic minimum weight perfect matching(MWPM)decoder for rotated surface codes with different code distances under the circuit noise model,the thresholds of these three decoders are about 0.0052,0.0051,and 0.0049,respectively.Our results demonstrate that the distributed strategy decoder outperforms the other two decoders,achieving approximately a 5%improvement in decoding efficiency compared to the MWPM decoder and approximately a 2%improvement compared to the recurrent neural network decoder. 展开更多
关键词 quantum error correction rotated surface code recurrent neural network distributed strategy
在线阅读 下载PDF
Optimizing the Clinical Decision Support System (CDSS) by Using Recurrent Neural Network (RNN) Language Models for Real-Time Medical Query Processing
3
作者 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
Optimized Phishing Detection with Recurrent Neural Network and Whale Optimizer Algorithm
4
作者 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
Secrecy Outage Probability Minimization in Wireless-Powered Communications Using an Improved Biogeography-Based Optimization-Inspired Recurrent Neural Network
5
作者 Mohammad Mehdi Sharifi Nevisi Elnaz Bashir +3 位作者 Diego Martín Seyedkian Rezvanjou Farzaneh Shoushtari Ehsan Ghafourian 《Computers, Materials & Continua》 SCIE EI 2024年第3期3971-3991,共21页
This paper focuses on wireless-powered communication systems,which are increasingly relevant in the Internet of Things(IoT)due to their ability to extend the operational lifetime of devices with limited energy.The mai... This paper focuses on wireless-powered communication systems,which are increasingly relevant in the Internet of Things(IoT)due to their ability to extend the operational lifetime of devices with limited energy.The main contribution of the paper is a novel approach to minimize the secrecy outage probability(SOP)in these systems.Minimizing SOP is crucial for maintaining the confidentiality and integrity of data,especially in situations where the transmission of sensitive data is critical.Our proposed method harnesses the power of an improved biogeography-based optimization(IBBO)to effectively train a recurrent neural network(RNN).The proposed IBBO introduces an innovative migration model.The core advantage of IBBO lies in its adeptness at maintaining equilibrium between exploration and exploitation.This is accomplished by integrating tactics such as advancing towards a random habitat,adopting the crossover operator from genetic algorithms(GA),and utilizing the global best(Gbest)operator from particle swarm optimization(PSO)into the IBBO framework.The IBBO demonstrates its efficacy by enabling the RNN to optimize the system parameters,resulting in significant outage probability reduction.Through comprehensive simulations,we showcase the superiority of the IBBO-RNN over existing approaches,highlighting its capability to achieve remarkable gains in SOP minimization.This paper compares nine methods for predicting outage probability in wireless-powered communications.The IBBO-RNN achieved the highest accuracy rate of 98.92%,showing a significant performance improvement.In contrast,the standard RNN recorded lower accuracy rates of 91.27%.The IBBO-RNN maintains lower SOP values across the entire signal-to-noise ratio(SNR)spectrum tested,suggesting that the method is highly effective at optimizing system parameters for improved secrecy even at lower SNRs. 展开更多
关键词 Wireless-powered communications secrecy outage probability improved biogeography-based optimization recurrent neural network
在线阅读 下载PDF
Study on Ecological Change Remote Sensing Monitoring Method Based on Elman Dynamic Recurrent Neural Network
6
作者 Zhen Chen Yiyang Zheng 《Journal of Geoscience and Environment Protection》 2024年第4期31-44,共14页
In this paper, Hailin City of Heilongjiang Province, China is taken as the research area. As an important city in Heilongjiang Province, China, the sustainable development of its ecological environment is related to t... In this paper, Hailin City of Heilongjiang Province, China is taken as the research area. As an important city in Heilongjiang Province, China, the sustainable development of its ecological environment is related to the opening up, economic prosperity and social stability of Northeast China. In this paper, the remote sensing ecological index (RSEI) of Hailin City in recent 20 years was calculated by using Landsat 5/8/9 series satellite images, and the temporal and spatial changes of the ecological environment in Hailin City were further analyzed and the influencing factors were discussed. From 2003 to 2023, the mean value of RSEI in Hailin City decreased and increased, and the ecological environment decreased slightly as a whole. RSEI declined most significantly from 2003 to 2008, and it increased from 2008 to 2013, decreased from 2013 to 2018, and increased from 2018 to 2023 again, with higher RSEI value in the south and lower RSEI value in the northwest. It is suggested to appropriately increase vegetation coverage in the northwest to improve ecological quality. As a result, the predicted value of Elman dynamic recurrent neural network model is consistent with the change trend of the mean value, and the prediction error converges quickly, which can accurately predict the ecological environment quality in the future study area. 展开更多
关键词 Remote Sensing Ecological Index Long Time Series Space-Time Change Elman Dynamic recurrent neural network
在线阅读 下载PDF
Exponential stability and existence of periodic solutions for a class of recurrent neural networks with delays 被引量:1
7
作者 戴志娟 《Journal of Southeast University(English Edition)》 EI CAS 2006年第2期286-293,共8页
Both the global exponential stability and the existence of periodic solutions for a class of recurrent neural networks with continuously distributed delays (RNNs) are studied. By employing the inequality α∏k=1^m ... Both the global exponential stability and the existence of periodic solutions for a class of recurrent neural networks with continuously distributed delays (RNNs) are studied. By employing the inequality α∏k=1^m bk^qk≤1/r ∑qkbk^r+1/rα^r(α≥0,bk≥0,qk〉0,with ∑k=1^m qk=r-1,r≥1, constructing suitable Lyapunov r k=l k=l functions and applying the homeomorphism theory, a family of simple and new sufficient conditions are given ensuring the global exponential stability and the existence of periodic solutions of RNNs. The results extend and improve the results of earlier publications. 展开更多
关键词 recurrent neural network global exponential stability periodic solution delay HOMEOMORPHISM Lyapunov function
在线阅读 下载PDF
Fake News Classification Using a Fuzzy Convolutional Recurrent Neural Network 被引量:2
8
作者 Dheeraj Kumar Dixit Amit Bhagat Dharmendra Dangi 《Computers, Materials & Continua》 SCIE EI 2022年第6期5733-5750,共18页
In recent years,social media platforms have gained immense popularity.As a result,there has been a tremendous increase in content on social media platforms.This content can be related to an individual’s sentiments,th... In recent years,social media platforms have gained immense popularity.As a result,there has been a tremendous increase in content on social media platforms.This content can be related to an individual’s sentiments,thoughts,stories,advertisements,and news,among many other content types.With the recent increase in online content,the importance of identifying fake and real news has increased.Although,there is a lot of work present to detect fake news,a study on Fuzzy CRNN was not explored into this direction.In this work,a system is designed to classify fake and real news using fuzzy logic.The initial feature extraction process is done using a convolutional recurrent neural network(CRNN).After the extraction of features,word indexing is done with high dimensionality.Then,based on the indexing measures,the ranking process identifies whether news is fake or real.The fuzzy CRNN model is trained to yield outstanding resultswith 99.99±0.01%accuracy.This work utilizes three different datasets(LIAR,LIAR-PLUS,and ISOT)to find the most accurate model. 展开更多
关键词 Fake news detection text classification convolution recurrent neural network fuzzy convolutional recurrent neural networks
在线阅读 下载PDF
Machine learning for pore-water pressure time-series prediction:Application of recurrent neural networks 被引量:19
9
作者 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
Remaining Useful Life Prediction for a Roller in a Hot Strip Mill Based on Deep Recurrent Neural Networks 被引量:11
10
作者 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
Multi-step-prediction of chaotic time series based on co-evolutionary recurrent neural network 被引量:7
11
作者 马千里 郑启伦 +2 位作者 彭宏 钟谭卫 覃姜维 《Chinese Physics B》 SCIE EI CAS CSCD 2008年第2期536-542,共7页
This paper proposes a co-evolutionary recurrent neural network (CERNN) for the multi-step-prediction of chaotic time series, it estimates the proper parameters of phase space reconstruction and optimizes the structu... This paper proposes a co-evolutionary recurrent neural network (CERNN) for the multi-step-prediction of chaotic time series, it estimates the proper parameters of phase space reconstruction and optimizes the structure of recurrent neural networks by coevolutionary strategy. The searching space was separated into two subspaces and the individuals are trained in a parallel computational procedure. It can dynamically combine the embedding method with the capability of recurrent neural network to incorporate past experience due to internal recurrence. The effectiveness of CERNN is evaluated by using three benchmark chaotic time series data sets: the Lorenz series, Mackey-Glass series and real-world sun spot series. The simulation results show that CERNN improves the performances of multi-step-prediction of chaotic time series. 展开更多
关键词 chaotic time series multi-step-prediction co-evolutionary strategy recurrent neural networks
在线阅读 下载PDF
Fault prediction method for nuclear power machinery based on Bayesian PPCA recurrent neural network model 被引量:7
12
作者 Jun Ling Gao-Jun Liu +2 位作者 Jia-Liang Li Xiao-Cheng Shen Dong-Dong You 《Nuclear Science and Techniques》 SCIE CAS CSCD 2020年第8期13-23,共11页
Early fault warning for nuclear power machinery is conducive to timely troubleshooting and reductions in safety risks and unnecessary costs. This paper presents a novel intelligent fault prediction method, integrated ... Early fault warning for nuclear power machinery is conducive to timely troubleshooting and reductions in safety risks and unnecessary costs. This paper presents a novel intelligent fault prediction method, integrated probabilistic principal component analysis(PPCA), multi-resolution wavelet analysis, Bayesian inference, and RNN model for nuclear power machinery that consider data uncertainty and chaotic time series. After denoising the source data, the Bayesian PPCA method is employed for dimensional reduction to obtain a refined data group. A recurrent neural network(RNN) prediction model is constructed, and a Bayesian statistical inference approach is developed to quantitatively assess the prediction reliability of the model. By modeling and analyzing the data collected on the steam turbine and components of a nuclear power plant, the results of the goodness of fit, mean square error distribution, and Bayesian confidence indicate that the proposed RNN model can implement early warning in the fault creep period. The accuracy and reliability of the proposed model are quantitatively verified. 展开更多
关键词 Fault prediction Nuclear power machinery Steam turbine recurrent neural network Probabilistic principal component analysis Bayesian confidence
在线阅读 下载PDF
A novel recurrent neural network forecasting model for power intelligence center 被引量:6
13
作者 刘吉成 牛东晓 《Journal of Central South University of Technology》 EI 2008年第5期726-732,共7页
In order to accurately forecast the load of power system and enhance the stability of the power network, a novel unascertained mathematics based recurrent neural network (UMRNN) for power intelligence center (PIC) was... In order to accurately forecast the load of power system and enhance the stability of the power network, a novel unascertained mathematics based recurrent neural network (UMRNN) for power intelligence center (PIC) was created through three steps. First, by combining with the general project uncertain element transmission theory (GPUET), the basic definitions of stochastic, fuzzy, and grey uncertain elements were given based on the principal types of uncertain information. Second, a power dynamic alliance including four sectors: generation sector, transmission sector, distribution sector and customers was established. The key factors were amended according to the four transmission topologies of uncertain elements, thus the new factors entered the power intelligence center as the input elements. Finally, in the intelligence handing background of PIC, by performing uncertain and recursive process to the input values of network, and combining unascertained mathematics, the novel load forecasting model was built. Three different approaches were put forward to forecast an eastern regional power grid load in China. The root mean square error (ERMS) demonstrates that the forecasting accuracy of the proposed model UMRNN is 3% higher than that of BP neural network (BPNN), and 5% higher than that of autoregressive integrated moving average (ARIMA). Besides, an example also shows that the average relative error of the first quarter of 2008 forecasted by UMRNN is only 2.59%, which has high precision. 展开更多
关键词 load forecasting uncertain element power intelligence center unascertained mathematics recurrent neural network
在线阅读 下载PDF
Practical Options for Adopting Recurrent Neural Network and Its Variants on Remaining Useful Life Prediction 被引量:3
14
作者 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
OTT Messages Modeling and Classification Based on Recurrent Neural Networks 被引量:3
15
作者 Guangyong Yang Jianqiu Zeng +3 位作者 Mengke Yang Yifei Wei Xiangqing Wang Zulfiqar Hussain Pathan 《Computers, Materials & Continua》 SCIE EI 2020年第5期769-785,共17页
A vast amount of information has been produced in recent years,which brings a huge challenge to information management.The better usage of big data is of important theoretical and practical significance for effectivel... A vast amount of information has been produced in recent years,which brings a huge challenge to information management.The better usage of big data is of important theoretical and practical significance for effectively addressing and managing messages.In this paper,we propose a nine-rectangle-grid information model according to the information value and privacy,and then present information use policies based on the rough set theory.Recurrent neural networks were employed to classify OTT messages.The content of user interest is effectively incorporated into the classification process during the annotation of OTT messages,ending with a reliable trained classification model.Experimental results showed that the proposed method yielded an accurate classification performance and hence can be used for effective distribution and control of OTT messages. 展开更多
关键词 OTT messages information privacy nine-rectangle-grid hierarchical classification recurrent neural networks
在线阅读 下载PDF
Recurrent neural network for vehicle dead-reckoning 被引量:2
16
作者 Ma Haibo Zhang Liguo Chen Yangzhou 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2008年第2期351-355,共5页
For vehicle integrated navigation systems, real-time estimating states of the dead reckoning (DR) unit is much more difficult than that of the other measuring sensors under indefinite noises and nonlinear characteri... For vehicle integrated navigation systems, real-time estimating states of the dead reckoning (DR) unit is much more difficult than that of the other measuring sensors under indefinite noises and nonlinear characteristics. Compared with the well known, extended Kalman filter (EKF), a recurrent neural network is proposed for the solution, which not only improves the location precision and the adaptive ability of resisting disturbances, but also avoids calculating the analytic derivation and Jacobian matrices of the nonlinear system model. To test the performances of the recurrent neural network, these two methods are used to estimate the state of the vehicle's DR navigation system. Simulation results show that the recurrent neural network is superior to the EKF and is a more ideal filtering method for vehicle DR navigation. 展开更多
关键词 dead reckoning extended Kalman filter recurrent neural network vehicle integrated navigationsystems.
在线阅读 下载PDF
New Stability Criteria for Recurrent Neural Networks with a Time-varying Delay 被引量:2
17
作者 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
DeepPOSE:Detecting GPS spoofing attack via deep recurrent neural network 被引量:2
18
作者 Peng Jiang Hongyi Wu Chunsheng Xin 《Digital Communications and Networks》 SCIE CSCD 2022年第5期791-803,共13页
The Global Positioning System(GPS)has become a foundation for most location-based services and navigation systems,such as autonomous vehicles,drones,ships,and wearable devices.However,it is a challenge to verify if th... The Global Positioning System(GPS)has become a foundation for most location-based services and navigation systems,such as autonomous vehicles,drones,ships,and wearable devices.However,it is a challenge to verify if the reported geographic locations are valid due to various GPS spoofing tools.Pervasive tools,such as Fake GPS,Lockito,and software-defined radio,enable ordinary users to hijack and report fake GPS coordinates and cheat the monitoring server without being detected.Furthermore,it is also a challenge to get accurate sensor readings on mobile devices because of the high noise level introduced by commercial motion sensors.To this end,we propose DeepPOSE,a deep learning model,to address the noise introduced in sensor readings and detect GPS spoofing attacks on mobile platforms.Our design uses a convolutional and recurrent neural network to reduce the noise,to recover a vehicle's real-time trajectory from multiple sensor inputs.We further propose a novel scheme to map the constructed trajectory from sensor readings onto the Google map,to smartly eliminate the accumulation of errors on the trajectory estimation.The reconstructed trajectory from sensors is then used to detect the GPS spoofing attack.Compared with the existing method,the proposed approach demonstrates a significantly higher degree of accuracy for detecting GPS spoofing attacks. 展开更多
关键词 GPS spoofing attack Position estimation recurrent neural network
在线阅读 下载PDF
Non-Minimum Phase Nonlinear System Predictive Control Based on Local Recurrent Neural Networks 被引量:2
19
作者 张燕 陈增强 袁著祉 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2003年第1期70-73,共4页
After a recursive multi-step-ahead predictor for nonlinear systems based on local recurrent neural networks is introduced, an intelligent FID controller is adopted to correct the errors including identified model erro... After a recursive multi-step-ahead predictor for nonlinear systems based on local recurrent neural networks is introduced, an intelligent FID controller is adopted to correct the errors including identified model errors and accumulated errors produced in the recursive process. Characterized by predictive control, this method can achieve a good control accuracy and has good robustness. A simulation study shows that this control algorithm is very effective. 展开更多
关键词 Multi-step-ahead predictive control recurrent neural networks Intelligent PID control.
在线阅读 下载PDF
Robust stability analysis of Takagi-Sugeno uncertain stochastic fuzzy recurrent neural networks with mixed time-varying delays 被引量:1
20
作者 M.Syed Ali 《Chinese Physics B》 SCIE EI CAS CSCD 2011年第8期1-15,共15页
In this paper, the global stability of Takagi-Sugeno (TS) uncertain stochastic fuzzy recurrent neural networks with discrete and distributed time-varying delays (TSUSFRNNs) is considered. A novel LMI-based stabili... In this paper, the global stability of Takagi-Sugeno (TS) uncertain stochastic fuzzy recurrent neural networks with discrete and distributed time-varying delays (TSUSFRNNs) is considered. A novel LMI-based stability criterion is obtained by using Lyapunov functional theory to guarantee the asymptotic stability of TSUSFRNNs. The proposed stability conditions are demonstrated through numerical examples. Furthermore, the supplementary requirement that the time derivative of time-varying delays must be smaller than one is removed. Comparison results are demonstrated to show that the proposed method is more able to guarantee the widest stability region than the other methods available in the existing literature. 展开更多
关键词 recurrent neural networks linear matrix inequality Lyapunov stability time-varyingdelays TS fuzzy model
在线阅读 下载PDF
上一页 1 2 12 下一页 到第
使用帮助 返回顶部