Sign in to use this feature.

Years

Between: -

Subjects

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Journals

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Article Types

Countries / Regions

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Search Results (5,438)

Search Parameters:
Keywords = Long Short-Term Memory Network

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
18 pages, 533 KiB  
Article
Comparative Analysis of Deep Learning Models for Intrusion Detection in IoT Networks
by Abdullah Waqas, Sultan Daud Khan, Zaib Ullah, Mohib Ullah and Habib Ullah
Computers 2025, 14(7), 283; https://doi.org/10.3390/computers14070283 (registering DOI) - 17 Jul 2025
Abstract
The Internet of Things (IoT) holds transformative potential in fields such as power grid optimization, defense networks, and healthcare. However, the constrained processing capacities and resource limitations of IoT networks make them especially susceptible to cyber threats. This study addresses the problem of [...] Read more.
The Internet of Things (IoT) holds transformative potential in fields such as power grid optimization, defense networks, and healthcare. However, the constrained processing capacities and resource limitations of IoT networks make them especially susceptible to cyber threats. This study addresses the problem of detecting intrusions in IoT environments by evaluating the performance of deep learning (DL) models under different data and algorithmic conditions. We conducted a comparative analysis of three widely used DL models—Convolutional Neural Networks (CNNs), Long Short-Term Memory (LSTM), and Bidirectional LSTM (biLSTM)—across four benchmark IoT intrusion detection datasets: BoTIoT, CiCIoT, ToNIoT, and WUSTL-IIoT-2021. Each model was assessed under balanced and imbalanced dataset configurations and evaluated using three loss functions (cross-entropy, focal loss, and dual focal loss). By analyzing model efficacy across these datasets, we highlight the importance of generalizability and adaptability to varied data characteristics that are essential for real-world applications. The results demonstrate that the CNN trained using the cross-entropy loss function consistently outperforms the other models, particularly on balanced datasets. On the other hand, LSTM and biLSTM show strong potential in temporal modeling, but their performance is highly dependent on the characteristics of the dataset. By analyzing the performance of multiple DL models under diverse datasets, this research provides actionable insights for developing secure, interpretable IoT systems that can meet the challenges of designing a secure IoT system. Full article
(This article belongs to the Special Issue Application of Deep Learning to Internet of Things Systems)
Show Figures

Figure 1

21 pages, 4232 KiB  
Article
Fault Prediction of Hydropower Station Based On CNN-LSTM-GAN with Biased Data
by Bei Liu, Xiao Wang, Zhaoxin Zhang, Zhenjie Zhao, Xiaoming Wang and Ting Liu
Energies 2025, 18(14), 3772; https://doi.org/10.3390/en18143772 - 16 Jul 2025
Abstract
Fault prediction of hydropower station is crucial for the stable operation of generator set equipment, but the traditional method struggles to deal with data with an imbalanced distribution and untrustworthiness. This paper proposes a fault detection method based on a convolutional neural network [...] Read more.
Fault prediction of hydropower station is crucial for the stable operation of generator set equipment, but the traditional method struggles to deal with data with an imbalanced distribution and untrustworthiness. This paper proposes a fault detection method based on a convolutional neural network (CNNs) and long short-term memory network (LSTM) with a generative adversarial network (GAN). Firstly, a reliability mechanism based on principal component analysis (PCA) is designed to solve the problem of data bias caused by multiple monitoring devices. Then, the CNN-LSTM network is used to predict time series data, and the GAN is used to expand fault data samples to solve the problem of an unbalanced data distribution. Meanwhile, a multi-scale feature extraction network with time–frequency information is designed to improve the accuracy of fault detection. Finally, a dynamic multi-task training algorithm is proposed to ensure the convergence and training efficiency of the deep models. Experimental results show that compared with RNN, GRU, SVM, and threshold detection algorithms, the proposed fault prediction method improves the accuracy performance by 5.5%, 4.8%, 7.8%, and 9.3%, with at least a 160% improvement in the fault recall rate. Full article
(This article belongs to the Special Issue Optimal Schedule of Hydropower and New Energy Power Systems)
23 pages, 1631 KiB  
Article
Detecting Malicious Anomalies in Heavy-Duty Vehicular Networks Using Long Short-Term Memory Models
by Mark J. Potvin and Sylvain P. Leblanc
Sensors 2025, 25(14), 4430; https://doi.org/10.3390/s25144430 - 16 Jul 2025
Abstract
Utilizing deep learning models to detect malicious anomalies within the traffic of application layer J1939 protocol networks, found on heavy-duty commercial vehicles, is becoming a critical area of research in platform protection. At the physical layer, the controller area network (CAN) bus is [...] Read more.
Utilizing deep learning models to detect malicious anomalies within the traffic of application layer J1939 protocol networks, found on heavy-duty commercial vehicles, is becoming a critical area of research in platform protection. At the physical layer, the controller area network (CAN) bus is the backbone network for most vehicles. The CAN bus is highly efficient and dependable, which makes it a suitable networking solution for automobiles where reaction time and speed are of the essence due to safety considerations. Much recent research has been conducted on securing the CAN bus explicitly; however, the importance of protecting the J1939 protocol is becoming apparent. Our research utilizes long short-term memory models to predict the next binary data sequence of a J1939 packet. Our primary objective is to compare the performance of our J1939 detection system trained on data sub-fields against a published CAN system trained on the full data payload. We conducted a series of experiments to evaluate both detection systems by utilizing a simulated attack representation to generate anomalies. We show that both detection systems outperform one another on a case-by-case basis and determine that there is a clear requirement for a multifaceted security approach for vehicular networks. Full article
Show Figures

Figure 1

20 pages, 2632 KiB  
Article
Data-Driven Attack Detection Mechanism Against False Data Injection Attacks in DC Microgrids Using CNN-LSTM-Attention
by Chunxiu Li, Xinyu Wang, Xiaotao Chen, Aiming Han and Xingye Zhang
Symmetry 2025, 17(7), 1140; https://doi.org/10.3390/sym17071140 - 16 Jul 2025
Abstract
This study presents a novel spatio-temporal detection framework for identifying False Data Injection (FDI) attacks in DC microgrid systems from the perspective of cyber–physical symmetry. While modern DC microgrids benefit from increasingly sophisticated cyber–physical symmetry network integration, this interconnected architecture simultaneously introduces significant [...] Read more.
This study presents a novel spatio-temporal detection framework for identifying False Data Injection (FDI) attacks in DC microgrid systems from the perspective of cyber–physical symmetry. While modern DC microgrids benefit from increasingly sophisticated cyber–physical symmetry network integration, this interconnected architecture simultaneously introduces significant cybersecurity vulnerabilities. Notably, FDI attacks can effectively bypass conventional Chi-square detector-based protection mechanisms through malicious manipulation of communication layer data. To address this critical security challenge, we propose a hybrid deep learning framework that synergistically combines: Convolutional Neural Networks (CNN) for robust spatial feature extraction from power system measurements; Long Short-Term Memory (LSTM) networks for capturing complex temporal dependencies; and an attention mechanism that dynamically weights the most discriminative features. The framework operates through a hierarchical feature extraction process: First-level spatial analysis identifies local measurement patterns; second-level temporal analysis detects sequential anomalies; attention-based feature refinement focuses on the most attack-relevant signatures. Comprehensive simulation studies demonstrate the superior performance of our CNN-LSTM-Attention framework compared to conventional detection approaches (CNN-SVM and MLP), with significant improvements across all key metrics. Namely, the accuracy, precision, F1-score, and recall could be improved by at least 7.17%, 6.59%, 2.72% and 6.55%. Full article
Show Figures

Figure 1

24 pages, 6089 KiB  
Article
An Optimized 1-D CNN-LSTM Approach for Fault Diagnosis of Rolling Bearings Considering Epistemic Uncertainty
by Onur Can Kalay
Machines 2025, 13(7), 612; https://doi.org/10.3390/machines13070612 - 16 Jul 2025
Abstract
Rolling bearings are indispensable but also the most fault-prone components of rotating machinery, typically used in fields such as industrial aircraft, production workshops, and manufacturing. They encounter diverse mechanical stresses, such as vibration and friction during operation, which may lead to wear and [...] Read more.
Rolling bearings are indispensable but also the most fault-prone components of rotating machinery, typically used in fields such as industrial aircraft, production workshops, and manufacturing. They encounter diverse mechanical stresses, such as vibration and friction during operation, which may lead to wear and fatigue cracks. From this standpoint, the present study combined a 1-D convolutional neural network (1-D CNN) with a long short-term memory (LSTM) algorithm for classifying different ball-bearing health conditions. A physics-guided method that adopts fault characteristics frequencies was used to calculate an optimal input size (sample length). Moreover, grid search was utilized to optimize (1) the number of epochs, (2) batch size, and (3) dropout ratio and further enhance the efficacy of the proposed 1-D CNN-LSTM network. Therefore, an attempt was made to reduce epistemic uncertainty that arises due to not knowing the best possible hyper-parameter configuration. Ultimately, the effectiveness of the physics-guided optimized 1-D CNN-LSTM was tested by comparing its performance with other state-of-the-art models. The findings revealed that the average accuracies could be enhanced by up to 20.717% with the help of the proposed approach after testing it on two benchmark datasets. Full article
(This article belongs to the Section Machines Testing and Maintenance)
Show Figures

Figure 1

17 pages, 2117 KiB  
Article
On-Orbit Life Prediction and Analysis of Triple-Junction Gallium Arsenide Solar Arrays for MEO Satellites
by Huan Liu, Chenjie Kong, Yuan Shen, Baojun Lin, Xueliang Wang and Qiang Zhang
Aerospace 2025, 12(7), 633; https://doi.org/10.3390/aerospace12070633 - 16 Jul 2025
Abstract
This paper focuses on the triple-junction gallium arsenide solar array of a MEO (Medium Earth Orbit) satellite that has been in orbit for 7 years. Through a combination of theoretical and data-driven methods, it conducts research on anti-radiation design verification and life prediction. [...] Read more.
This paper focuses on the triple-junction gallium arsenide solar array of a MEO (Medium Earth Orbit) satellite that has been in orbit for 7 years. Through a combination of theoretical and data-driven methods, it conducts research on anti-radiation design verification and life prediction. This study integrates the Long Short-Term Memory (LSTM) algorithm into the full life cycle management of MEO satellite solar arrays, providing a solution that combines theory and engineering for the design of high-reliability energy systems. Based on semiconductor physics theory, this paper establishes an output current calculation model. By combining radiation attenuation factors obtained from ground experiments, it derives the theoretical current values for the initial orbit insertion and the end of life. Aiming at the limitations of traditional physical models in addressing solar performance degradation under complex radiation environments, this paper introduces an LSTM algorithm to deeply mine the high-density current telemetry data (approximately 30 min per point) accumulated over 7 years in orbit. By comparing the prediction accuracy of LSTM with traditional models such as Recurrent Neural Network (RNN) and Feedforward Neural Network (FNN), the significant advantage of LSTM in capturing the long-term attenuation trend of solar arrays is verified. This study integrates deep learning technology into the full life cycle management of solar arrays, constructs a closed-loop verification system of “theoretical modeling–data-driven intelligent prediction”, and provides a solution for the long-life and high-reliability operation of the energy system of MEO orbit satellites. Full article
Show Figures

Figure 1

20 pages, 690 KiB  
Article
Wearable Sensor-Based Human Activity Recognition: Performance and Interpretability of Dynamic Neural Networks
by Dalius Navakauskas and Martynas Dumpis
Sensors 2025, 25(14), 4420; https://doi.org/10.3390/s25144420 - 16 Jul 2025
Abstract
Human Activity Recognition (HAR) using wearable sensor data is increasingly important in healthcare, rehabilitation, and smart monitoring. This study systematically compared three dynamic neural network architectures—Finite Impulse Response Neural Network (FIRNN), Long Short-Term Memory (LSTM), and Gated Recurrent Unit (GRU)—to examine their suitability [...] Read more.
Human Activity Recognition (HAR) using wearable sensor data is increasingly important in healthcare, rehabilitation, and smart monitoring. This study systematically compared three dynamic neural network architectures—Finite Impulse Response Neural Network (FIRNN), Long Short-Term Memory (LSTM), and Gated Recurrent Unit (GRU)—to examine their suitability and specificity for HAR tasks. A controlled experimental setup was applied, training 16,500 models across different delay lengths and hidden neuron counts. The investigation focused on classification accuracy, computational cost, and model interpretability. LSTM achieved the highest classification accuracy (98.76%), followed by GRU (97.33%) and FIRNN (95.74%), with FIRNN offering the lowest computational complexity. To improve model transparency, Layer-wise Relevance Propagation (LRP) was applied to both input and hidden layers. The results showed that gyroscope Y-axis data was consistently the most informative, while accelerometer Y-axis data was the least informative. LRP analysis also revealed that GRU distributed relevance more broadly across hidden units, while FIRNN relied more on a small subset. These findings highlight trade-offs between performance, complexity, and interpretability and provide practical guidance for applying explainable neural wearable sensor-based HAR. Full article
Show Figures

Figure 1

29 pages, 6561 KiB  
Article
Correction of ASCAT, ESA–CCI, and SMAP Soil Moisture Products Using the Multi-Source Long Short-Term Memory (MLSTM)
by Qiuxia Xie, Yonghui Chen, Qiting Chen, Chunmei Wang and Yelin Huang
Remote Sens. 2025, 17(14), 2456; https://doi.org/10.3390/rs17142456 - 16 Jul 2025
Abstract
The Advanced Scatterometer (ASCAT), Soil Moisture Active Passive (SMAP), and European Space Agency-Climate Change Initiative (ESA–CCI) soil moisture (SM) products are widely used in agricultural drought monitoring, water resource management, and climate analysis applications. However, the performance of these SM products varies significantly [...] Read more.
The Advanced Scatterometer (ASCAT), Soil Moisture Active Passive (SMAP), and European Space Agency-Climate Change Initiative (ESA–CCI) soil moisture (SM) products are widely used in agricultural drought monitoring, water resource management, and climate analysis applications. However, the performance of these SM products varies significantly across regions and environmental conditions, due to in sensor characteristics, retrieval algorithms, and the lack of localized calibration. This study proposes a multi-source long short-term memory (MLSTM) for improving ASCAT, ESA–CCI, and SMAP SM products by combining in-situ SM measurements and four key auxiliary variables: precipitation (PRE), land surface temperature (LST), fractional vegetation cover (FVC), and evapotranspiration (ET). First, the in-situ measured data from four in-situ observation networks were corrected using the LSTM method to match the grid sizes of ASCAT (0.1°), ESA–CCI (0.25°), and SMAP (0.1°) SM products. The RPE, LST, FVC, and ET were used as inputs to the LSTM to obtain loss data against in-situ SM measurements. Second, the ASCAT, ESA–CCI, and SMAP SM datasets were used as inputs to the LSTM to generate loss data, which were subsequently corrected using LSTM-derived loss data based on in-situ SM measurements. When the mean squared error (MSE) loss values were minimized, the improvement for ASCAT, ESA–CCI, and SMAP products was considered the best. Finally, the improved ASCAT, ESA–CCI, and SMAP were produced and evaluated by the correlation coefficient (R), root mean square error (RMSE), and standard deviation (SD). The results showed that the RMSE values of the improved ASCAT, ESA–CCI, and SMAP products against the corrected in-situ SM data in the OZNET network were lower, i.e., 0.014 cm3/cm3, 0.019 cm3/cm3, and 0.034 cm3/cm3, respectively. Compared with the ESA–CCI and SMAP products, the ASCAT product was greatly improved, e.g., in the SNOTEL network, the Root Mean-Square Deviation (RMSD) values of 0.1049 cm3/cm3 (ASCAT) and 0.0662 cm3/cm3 (improved ASCAT). Overall, the MLSTM-based algorithm has the potential to improve the global satellite SM product. Full article
(This article belongs to the Special Issue Remote Sensing for Terrestrial Hydrologic Variables)
Show Figures

Figure 1

22 pages, 3873 KiB  
Article
Harnessing YOLOv11 for Enhanced Detection of Typical Autism Spectrum Disorder Behaviors Through Body Movements
by Ayman Noor, Hanan Almukhalfi, Arthur Souza and Talal H. Noor
Diagnostics 2025, 15(14), 1786; https://doi.org/10.3390/diagnostics15141786 - 15 Jul 2025
Viewed by 70
Abstract
Background/Objectives: Repetitive behaviors such as hand flapping, body rocking, and head shaking characterize Autism Spectrum Disorder (ASD) while functioning as early signs of neurodevelopmental variations. Traditional diagnostic procedures require extensive manual observation, which takes significant time, produces subjective results, and remains unavailable [...] Read more.
Background/Objectives: Repetitive behaviors such as hand flapping, body rocking, and head shaking characterize Autism Spectrum Disorder (ASD) while functioning as early signs of neurodevelopmental variations. Traditional diagnostic procedures require extensive manual observation, which takes significant time, produces subjective results, and remains unavailable to many regions. The research introduces a real-time system for the detection of ASD-typical behaviors by analyzing body movements through the You Only Look Once (YOLOv11) deep learning model. Methods: The system’s multi-layered design integrates monitoring, network, cloud, and typical ASD behavior detection layers to facilitate real-time video acquisition, wireless data transfer, and cloud analysis along with ASD-typical behavior classification. We gathered and annotated our own dataset comprising 72 videos, yielding a total of 13,640 images representing four behavior classes that include hand flapping, body rocking, head shaking, and non_autistic. Results: YOLOv11 demonstrates superior performance compared to baseline models like the sub-sampling (CNN) (MobileNet-SSD) and Long Short-Term Memory (LSTM) by achieving 99% accuracy along with 96% precision and 97% in recall and the F1-score. Conclusions: The results indicate that our system provides a scalable solution for real-time ASD screening, which might help clinicians, educators, and caregivers with early intervention, as well as ongoing behavioral monitoring. Full article
(This article belongs to the Section Machine Learning and Artificial Intelligence in Diagnostics)
Show Figures

Figure 1

23 pages, 6769 KiB  
Article
Prediction of Mud Weight Window Based on Geological Sequence Matching and a Physics-Driven Machine Learning Model for Pre-Drilling
by Yuxin Chen, Ting Sun, Jin Yang, Xianjun Chen, Laiao Ren, Zhiliang Wen, Shu Jia, Wencheng Wang, Shuqun Wang and Mingxuan Zhang
Processes 2025, 13(7), 2255; https://doi.org/10.3390/pr13072255 - 15 Jul 2025
Viewed by 136
Abstract
Accurate pre-drilling mud weight window (MWW) prediction is crucial for drilling fluid design and wellbore stability in complex geological formations. Traditional physics-based approaches suffer from subjective parameter selection and inadequate handling of multi-mechanism over-pressured formations, while machine learning methods lack physical constraints and [...] Read more.
Accurate pre-drilling mud weight window (MWW) prediction is crucial for drilling fluid design and wellbore stability in complex geological formations. Traditional physics-based approaches suffer from subjective parameter selection and inadequate handling of multi-mechanism over-pressured formations, while machine learning methods lack physical constraints and interpretability. This study develops a novel physics-guided deep learning framework integrating rock mechanics theory with deep neural networks for enhanced MWW prediction. The framework incorporates three key components: first, a physics-driven layer synthesizing intermediate variables from rock physics calculations to embed domain knowledge while preserving interpretability; second, a geological sequence-matching algorithm enabling precise stratigraphic correlation between offset and target wells, compensating for lateral geological heterogeneity; third, a long short-term memory network capturing sequential drilling characteristics and geological structure continuity. Case study results from 12 wells in northwestern China demonstrate significant improvements over traditional methods: collapse pressure prediction error reduced by 40.96%, pore pressure error decreased by 30.43%, and fracture pressure error diminished by 39.02%. The proposed method successfully captures meter-scale pressure variations undetectable by conventional approaches, providing critical technical support for wellbore design optimization, drilling fluid formulation, and operational safety enhancement in challenging geological environments. Full article
(This article belongs to the Special Issue Applications of Intelligent Models in the Petroleum Industry)
Show Figures

Figure 1

26 pages, 4255 KiB  
Article
Moving Toward Automated Construction Management: An Automated Construction Worker Efficiency Evaluation System
by Chaojun Zhang, Chao Mao, Huan Liu, Yunlong Liao and Jiayi Zhou
Buildings 2025, 15(14), 2479; https://doi.org/10.3390/buildings15142479 - 15 Jul 2025
Viewed by 120
Abstract
In the Architecture, Engineering, and Construction (AEC) industry, traditional labor efficiency evaluation methods have limitations, while computer vision technology shows great potential. This study aims to develop a potential automated construction efficiency evaluation framework. We propose a method that integrates keypoint processing and [...] Read more.
In the Architecture, Engineering, and Construction (AEC) industry, traditional labor efficiency evaluation methods have limitations, while computer vision technology shows great potential. This study aims to develop a potential automated construction efficiency evaluation framework. We propose a method that integrates keypoint processing and extraction using the BlazePose model from MediaPipe, action classification with a Long Short-Term Memory (LSTM) network, and construction object recognition with the YOLO algorithm. A new model framework for action recognition and work hour statistics is introduced, and a specific construction scene dataset is developed under controlled experimental conditions. The experimental results on this dataset show that the worker action recognition accuracy can reach 82.23%, and the average accuracy of the classification model based on the confusion matrix is 81.67%. This research makes contributions in terms of innovative methodology, a new model framework, and a comprehensive dataset, which may have potential implications for enhancing construction efficiency, supporting cost-saving strategies, and providing decision support in the future. However, this study represents an initial validation under limited conditions, and it also has limitations such as its dependence on well-lit environments and high computational requirements. Future research should focus on addressing these limitations and further validating the approach in diverse and practical construction scenarios. Full article
Show Figures

Figure 1

22 pages, 11458 KiB  
Article
Convolutional Neural Networks—Long Short-Term Memory—Attention: A Novel Model for Wear State Prediction Based on Oil Monitoring Data
by Ying Du, Hui Wei, Tao Shao, Shishuai Chen, Jianlei Wang, Chunguo Zhou and Yanchao Zhang
Lubricants 2025, 13(7), 306; https://doi.org/10.3390/lubricants13070306 - 15 Jul 2025
Viewed by 140
Abstract
Wear state prediction based on oil monitoring technology enables the early identification of potential wear and failure risks of friction pairs, facilitating optimized equipment maintenance and extended service life. However, the complexity of lubricating oil monitoring data often poses challenges in extracting discriminative [...] Read more.
Wear state prediction based on oil monitoring technology enables the early identification of potential wear and failure risks of friction pairs, facilitating optimized equipment maintenance and extended service life. However, the complexity of lubricating oil monitoring data often poses challenges in extracting discriminative features, limiting the accuracy of wear state prediction. To address this, a CNN–LSTM–Attention network is specially constructed for predicting wear state, which hierarchically integrates convolutional neural networks (CNNs) for spatial feature extraction, long short-term memory (LSTM) networks for temporal dynamics modeling, and self-attention mechanisms for adaptive feature refinement. The proposed architecture implements a three-stage computational pipeline. Initially, the CNN performs hierarchical extraction of localized patterns from multi-sensor tribological signals. Subsequently, the self-attention mechanism conducts adaptive recalibration of feature saliency, prioritizing diagnostically critical feature channels. Ultimately, bidirectional LSTM establishes cross-cyclic temporal dependencies, enabling cascaded fully connected layers with Gaussian activation to generate probabilistic wear state estimations. Experimental results demonstrate that the proposed model not only achieves superior predictive accuracy but also exhibits robust stability, offering a reliable solution for condition monitoring and predictive maintenance in industrial applications. Full article
Show Figures

Figure 1

35 pages, 2297 KiB  
Article
Secure Cooperative Dual-RIS-Aided V2V Communication: An Evolutionary Transformer–GRU Framework for Secrecy Rate Maximization in Vehicular Networks
by Elnaz Bashir, Francisco Hernando-Gallego, Diego Martín and Farzaneh Shoushtari
World Electr. Veh. J. 2025, 16(7), 396; https://doi.org/10.3390/wevj16070396 - 14 Jul 2025
Viewed by 57
Abstract
The growing demand for reliable and secure vehicle-to-vehicle (V2V) communication in next-generation intelligent transportation systems has accelerated the adoption of reconfigurable intelligent surfaces (RIS) as a means of enhancing link quality, spectral efficiency, and physical layer security. In this paper, we investigate the [...] Read more.
The growing demand for reliable and secure vehicle-to-vehicle (V2V) communication in next-generation intelligent transportation systems has accelerated the adoption of reconfigurable intelligent surfaces (RIS) as a means of enhancing link quality, spectral efficiency, and physical layer security. In this paper, we investigate the problem of secrecy rate maximization in a cooperative dual-RIS-aided V2V communication network, where two cascaded RISs are deployed to collaboratively assist with secure data transmission between mobile vehicular nodes in the presence of eavesdroppers. To address the inherent complexity of time-varying wireless channels, we propose a novel evolutionary transformer-gated recurrent unit (Evo-Transformer-GRU) framework that jointly learns temporal channel patterns and optimizes the RIS reflection coefficients, beam-forming vectors, and cooperative communication strategies. Our model integrates the sequence modeling strength of GRUs with the global attention mechanism of transformer encoders, enabling the efficient representation of time-series channel behavior and long-range dependencies. To further enhance convergence and secrecy performance, we incorporate an improved gray wolf optimizer (IGWO) to adaptively regulate the model’s hyper-parameters and fine-tune the RIS phase shifts, resulting in a more stable and optimized learning process. Extensive simulations demonstrate the superiority of the proposed framework compared to existing baselines, such as transformer, bidirectional encoder representations from transformers (BERT), deep reinforcement learning (DRL), long short-term memory (LSTM), and GRU models. Specifically, our method achieves an up to 32.6% improvement in average secrecy rate and a 28.4% lower convergence time under varying channel conditions and eavesdropper locations. In addition to secrecy rate improvements, the proposed model achieved a root mean square error (RMSE) of 0.05, coefficient of determination (R2) score of 0.96, and mean absolute percentage error (MAPE) of just 0.73%, outperforming all baseline methods in prediction accuracy and robustness. Furthermore, Evo-Transformer-GRU demonstrated rapid convergence within 100 epochs, the lowest variance across multiple runs. Full article
Show Figures

Figure 1

24 pages, 5534 KiB  
Article
Enhancing Healthcare Assistance with a Self-Learning Robotics System: A Deep Imitation Learning-Based Solution
by Yagna Jadeja, Mahmoud Shafik, Paul Wood and Aaisha Makkar
Electronics 2025, 14(14), 2823; https://doi.org/10.3390/electronics14142823 - 14 Jul 2025
Viewed by 198
Abstract
This paper presents a Self-Learning Robotic System (SLRS) for healthcare assistance using Deep Imitation Learning (DIL). The proposed SLRS solution can observe and replicate human demonstrations, thereby acquiring complex skills without the need for explicit task-specific programming. It incorporates modular components for perception [...] Read more.
This paper presents a Self-Learning Robotic System (SLRS) for healthcare assistance using Deep Imitation Learning (DIL). The proposed SLRS solution can observe and replicate human demonstrations, thereby acquiring complex skills without the need for explicit task-specific programming. It incorporates modular components for perception (i.e., advanced computer vision methodologies), actuation (i.e., dynamic interaction with patients and healthcare professionals in real time), and learning. The innovative approach of implementing a hybrid model approach (i.e., deep imitation learning and pose estimation algorithms) facilitates autonomous learning and adaptive task execution. The environmental awareness and responsiveness were also enhanced using both a Convolutional Neural Network (CNN)-based object detection mechanism using YOLOv8 (i.e., with 94.3% accuracy and 18.7 ms latency) and pose estimation algorithms, alongside a MediaPipe and Long Short-Term Memory (LSTM) framework for human action recognition. The developed solution was tested and validated in healthcare, with the aim to overcome some of the current challenges, such as workforce shortages, ageing populations, and the rising prevalence of chronic diseases. The CAD simulation, validation, and verification tested functions (i.e., assistive functions, interactive scenarios, and object manipulation) of the system demonstrated the robot’s adaptability and operational efficiency, achieving an 87.3% task completion success rate and over 85% grasp success rate. This approach highlights the potential use of an SLRS for healthcare assistance. Further work will be undertaken in hospitals, care homes, and rehabilitation centre environments to generate complete holistic datasets to confirm the system’s reliability and efficiency. Full article
Show Figures

Figure 1

27 pages, 3705 KiB  
Article
A Method for Selecting the Appropriate Source Domain Buildings for Building Energy Prediction in Transfer Learning: Using the Euclidean Distance and Pearson Coefficient
by Chuyi Luo, Liang Xia and Sung-Hugh Hong
Energies 2025, 18(14), 3706; https://doi.org/10.3390/en18143706 - 14 Jul 2025
Viewed by 78
Abstract
Building energy prediction faces challenges such as data scarcity while Transfer Learning (TL) demonstrates significant potential by leveraging source building energy data to enhance target building energy prediction. However, the accuracy of TL heavily relies on selecting appropriate source buildings as the source [...] Read more.
Building energy prediction faces challenges such as data scarcity while Transfer Learning (TL) demonstrates significant potential by leveraging source building energy data to enhance target building energy prediction. However, the accuracy of TL heavily relies on selecting appropriate source buildings as the source data. This study proposes a novel, easy-to-understand, statistics-based visualization method that combines the Euclidean distance and Pearson correlation coefficient for selecting source buildings in TL for target building electricity prediction. Long Short-Term Memory, the Gated Recurrent Unit, and the Convolutional Neural Network were applied to verify the appropriateness of the source domain buildings. The results showed the source building, selected via the method proposed by this research, could reduce 65% of computational costs, while the RMSE was approximately 6.5 kWh, and the R2 was around 0.92. The method proposed in this study is well suited for scenes requiring rapid response times and exhibiting low tolerance for prediction errors. Full article
(This article belongs to the Special Issue Innovations in Low-Carbon Building Energy Systems)
Show Figures

Figure 1

Back to TopTop