- 1Department of Computer Science and Technology, College of Computer Science, Chongqing University, Chongqing, China
- 2Department of Computer Science and Technology, Chongqing University, Chongqing, China
- 3Department of Computer Science, Faculty of Electrical Engineering, University of Engineering and Technology (UET), Lahore Main Campus, Lahore, Pakistan
- 4Department of Information Technology, College of Computer and Information Sciences, Princess Nourah Bint Abdulrahman University, Riyadh, Saudi Arabia
- 5Department of International Business Management, Tashkent State University of Economics, Tashkent, Uzbekistan
- 6Institute of Computer Technologies and Information Security, Southern Federal University, Taganrog, Russia
The Internet of Medical Things (IoMT) has revolutionized healthcare with remote patient monitoring and real-time diagnosis, but securing patient data remains a critical challenge due to sophisticated cyber threats and the sensitivity of medical information. Traditional machine learning methods struggle to capture the complex patterns in IoMT data, and conventional intrusion detection systems often fail to identify unknown attacks, leading to high false positive rates and compromised patient data security. To address these issues, we propose RCLNet, an effective Anomaly-based Intrusion Detection System (A-IDS) for IoMT. RCLNet employs a multi-faceted approach, including Random Forest (RF) for feature selection, the integration of Convolutional Neural Networks (CNN) and Long Short-Term Memory (LSTM) models to enhance pattern recognition, and a Self-Adaptive Attention Layer Mechanism (SAALM) designed specifically for the unique challenges of IoMT. Additionally, RCLNet utilizes focal loss (FL) to manage imbalanced data distributions, a common challenge in IoMT datasets. Evaluation using the WUSTL-EHMS-2020 healthcare dataset demonstrates that RCLNet outperforms recent state-of-the-art methods, achieving a remarkable accuracy of 99.78%, highlighting its potential to significantly improve the security and confidentiality of patient data in IoMT healthcare systems.
1 Introduction
The Internet of Things (IoT) has revolutionized numerous critical domains through its implementation of intelligent and automated solutions. This evolution has led to the emergence of the IoMT, which integrates advanced technology into healthcare systems, thereby enhancing the quality of medical services available to IoMT consumer applications (1). Healthcare IoT encompasses sensors, actuators, and various IoT devices that facilitate data transmission and reception via diverse wireless technologies. IoMT has significantly advanced the healthcare sector in multiple facets (2). For instance, remote health monitoring enables continuous tracking of patients and facilitates routine tasks, ensuring timely medical interventions when necessary (3). Furthermore, healthcare providers can access and analyze real-time patient data, enabling prompt and effective delivery of medical services. Although IoMT has several advantages, its linked nature results in a complicated security environment that differs significantly from conventional IT architecture. IoMT devices are often resource-constrained, with lower computing power and perhaps poorer security procedures than traditional IT systems. These inherent weaknesses make them appealing targets for cybercriminals (4). Intrusions into IoMT networks jeopardize patient privacy, healthcare service delivery, and possibly patient safety (5).
Furthermore, network intrusions can impair essential IoMT functions such as remote monitoring and medicine administration, which may lead to delays in treatment or even life-threatening situations (6). Malicious individuals might exploit weaknesses to influence equipment, resulting in failures or the production of incorrect data. In severe instances, hacked devices have the potential to be transformed into weapons that might cause injury to patients, for example, by administering erroneous doses via an insulin pump (7). Moreover, the vast quantity of personal health information (PHI) gathered by IoMT devices renders them appealing to potential data breaches. Stolen personally identifiable information PHI may be used for identity theft, insurance fraud, or illicitly traded on the black market. This puts patient privacy at risk and can result in significant financial damage (8).
The imperative to mitigate the potential ramifications of intrusions within the IoMT network underscores the necessity for the deployment of robust IDS. Extensive research efforts have been dedicated to the development of intrusion detection methodologies (9). Numerous Deep Learning and Machine Learning techniques have been proposed. These approaches encompass signature-based techniques (10), network-based methodologies (11), behavioral-based strategies (12) and feature selection-based methodologies (13). While these offer a valuable starting point, limitations remain. Signature-based methods struggle with novel attacks (14), while network-based approaches can generate false positives due to normal traffic variations (15). Behavioral-based strategies face challenges in establishing baselines and adapting to evolving behavior (16). Feature-based methodologies, though promising, require further research to identify the most relevant features and develop effective algorithms (17).
However, there is still room for improvement in detection performance. Our study addresses the limitations of traditional intrusion detection methods by exploring a powerful combination of feature sets and state-of-the-art deep learning models enhanced with FL.
The main contributions of this work are as follows.
• We proposed an effective and accurate A-IDS for the IoMT healthcare environment, named RCLNet, to address the limitations of traditional machine learning techniques and the challenges faced by conventional IDS methods.
• We employ a RF feature selection and ranking mechanism to identify the most important features from the high-dimensional IoMT data, allowing the model to focus on the critical indicators of anomalous or malicious activity.
• We design a deep learning architecture that combines CNNs-LSTMs to effectively model the spatial and temporal patterns present in the IoMT data, enabling the capture of complex dynamics. Integrate a SAALM into the CNN-LSTM architecture, allowing the model to dynamically focus on the most relevant features and time steps, enhancing its ability to identify critical indicators of intrusion or attack instances.
• To address the challenge of imbalanced data distribution in IoMT datasets, we employ the FL function, which dynamically adjusts the loss contributions of different classes, effectively improving the model’s performance on the minority class (intrusion or attack instances without compromising the overall accuracy.
• We demonstrate the effectiveness and accuracy of the proposed RCLNet scheme through comprehensive experiments using a publicly available healthcare dataset, WUSTL-EHMS-2020, achieving an impressive accuracy of 99.78%.
The structure of this work is organized as follows. Section 2 reviews the relevant literature and identifies its limitations. Section 3 details the proposed RCLNet for IoMT. Section 4 describes the experimental setup and analyze the experimental results, including performance analysis and comparison of the proposed RCLNet. Finally, Section 5 concludes the research.
2 Background and related works
Many recent research studies discussed the problem of intrusion attacks in IoMT and presented different approaches to secure sensitive data from such attacks. A feature selection strategy based on logistic regression models for intrusion detection was suggested in (18) to find a minimum set of important attributes assessed on a real-time dataset gathered from a medical network. In another study improved feature selection method LRGU-MIFS was presented (19). Furthermore, in a different study author suggested a new deep neural network (DNN)-based framework to build a DS in the IoMT network (20). The goal was to predict unexpected attacks in the first step and dynamically identify them in the next step on both the network and host side. This paper introduces a cognitive security framework that leverages deep learning to detect intrusions in IoT and 5G networks. By combining MobileNetV3-SVM and transfer learning, the framework analyzes network activity patterns to identify potential breaches in real-time. Despite its effectiveness, the framework faces challenges such as resource constraints, dependency on large labeled datasets, and scalability issues in very large-scale deployments (21). Furthermore, the author in (22) proposed a Meta-Intrusion Detection System (Meta-IDS) to tackle new types of attacks. This system uses a meta-learning approach to combine signature-based and anomaly-based detection techniques. A novel hybrid IDS model for the IoMT network was introduced in (23). Another research examined a combined deep learning architecture that utilizes CNNs and LSTMs for immediate detection of intrusions at the network edge. This study demonstrated higher accuracy compared to current methods on the CSE-CIC-IDS2018 dataset (24).
Furthermore, recent research has explored innovative approaches to enhance intrusion detection systems (IDS) in evolving IoMT and IoT environments. In a study the authors proposed a privacy-preserving Federated Learning (FL)-based IDS model named Fed-Inforce-Fusion for IoMT networks (25). This model leverages reinforcement learning techniques to uncover latent relationships within the medical data, ultimately improving the identification of cyber-attacks. Additionally (26), introduced a federated learning strategy for anomaly detection in the Industrial Internet of Things (IIoT) domain. The researchers employed deep reinforcement learning to train local models, enhancing detection accuracy and preserving privacy. The proposed approach also demonstrated efficacy in achieving high throughput and low latency, making it a promising solution for real-world (IIoT) applications. The paper presents an extremely boosted neural network designed to predict multi-stage cyber attacks in cloud computing environments. The model achieves high accuracy by utilizing a combination of machine learning algorithms to predict complex, multi-step attacks. However, its complexity may lead to higher computational costs, and its effectiveness across different cloud environments and varying attack scenarios requires further validation. Additionally, the accuracy of predictions is heavily dependent on the quality of the training data (27). This paper proposes a framework for predicting cyber-attacks in IoT systems using a multi-class SVM and an optimized CHAID decision tree. The framework enhances the precision of attack categorization by focusing on network traffic characteristics. Limitations include variability in feature selection effectiveness, challenges in real-time application for large-scale IoT deployments, and difficulties in adapting to new and evolving attack vectors (28).
Furthermore, the paper introduces a blockchain-based framework aimed at enhancing the security and privacy of IoMT systems. By using distributed ledger technology, the framework secures data transmission and management between medical devices and healthcare systems (29). In another study (30), presented a Deep Reinforcement Learning methodology for monitoring IoT systems in healthcare. This model, involving data collection, edge computing, data transmission, and cloud computing, leveraged AI algorithms for diagnosis, treatment, and decision-making, showing promise as an economical telemedicine solution. In (31), utilized reinforcement learning with Software-Defined Networking (SDN) for intrusion detection, achieving higher accuracy results compared to traditional methods. Our review of the literature reveals that only two recent studies have integrated network traffic and patient biometric data as features for detecting IoMT attacks. In (32), researchers developed a healthcare monitoring system testbed and generated datasets to simulate network attacks. They found that combining network traffic with patient biometrics enhanced attack detection performance compared to using network traffic alone, achieving approximately 90% accuracy with machine learning. However, this study did not investigate efficient data analytics methods to further enhance detection capabilities.
Moreover, in (33), the authors employed a tree classifier model with data preprocessing and augmentation to improve performance on similar datasets. However, they encountered overfitting issues due to data augmentation, and they did not explore the consideration of imbalanced traffic proportions to simulate real-time scenarios. Furthermore, the author introduced PSO-DNN approach outperformed existing methods, achieving 96% accuracy in intrusion detection for IoMT, with advantages including improved detection accuracy using combined network traffic and patient biometric data. However, current solutions still struggle with detecting novel attacks and face high false positive rates in anomaly-based systems (34). Inspired by the need to improve IoMT attack detection. Our goal is to identify optimal features from both network traffic and patient biometric data by RF, aiming to improve IoMT attack detection without solely relying on data augmentation techniques. For a better understanding of the terms used in this paper, we have provided Table 1, that describes each abbreviation and its corresponding definition.
3 Proposed RCLNet for an effective A-IDS
The proposed RCLNet scheme is designed as a novel Anomaly-based Intrusion Detection System (A-IDS) tailored for the Internet of Medical Things (IoMT) healthcare environment. The methodology starts with comprehensive data preprocessing, which includes data cleaning, normalization, and feature extraction. A Random Forest model is utilized for feature selection and ranking, enabling the identification of the most significant features critical for the A-IDS task. The preprocessed data is then processed through an advanced deep learning architecture that integrates Convolutional Neural Networks (CNNs) and Long Short-Term Memory (LSTM) networks, allowing the model to learn complex spatial and temporal patterns inherent in IoMT environments. To enhance its efficacy, a Self-Adaptive Attention Layer Mechanism (SAALM) is incorporated, enabling the model to dynamically focus on the most relevant features and time steps during the intrusion detection process.
Ethical considerations are paramount; we acknowledge privacy concerns related to patient data and the potential risks of false positives, which may lead to alarm fatigue, as well as false negatives that could jeopardize patient safety. To mitigate these risks, we propose strategies such as establishing clear protocols for alert handling and integrating human oversight into decision-making processes. RCLNet is designed for adaptability and scalability, allowing it to function effectively across diverse healthcare environments—from small clinics with limited resources to large hospital networks requiring real-time processing of vast amounts of data. Additionally, we propose optimizations for edge computing scenarios, where data processing occurs closer to the source, reducing latency and bandwidth usage. Overall, while RCLNet introduces some computational costs due to its advanced architecture, the optimizations employed ensure that it remains efficient and effective for real-time intrusion detection in IoMT environments. This comprehensive approach reinforces RCLNet's potential contributions to improving patient data security in IoMT applications while addressing the evolving challenges of cybersecurity.
The proposed RCLNet scheme automatically learns and preserves essential features of network traffic and patient biometrics using the WUSTL-EHMS 2020 dataset to detect intrusions and cyber-attacks. Furthermore, this A-IDS assists security analysts by alleviating strenuous investigation tasks and safeguarding enterprises from cyber threats and intrusions. Algorithm 1 and Figure 1 illustrate the working mechanism of the proposed RCLNet A-IDS.
Algorithm 1. Proposed data-efficient algorithm for intrusion detection in IoMT healthcare environments.
3.1 Data preprocessing
The feature selection process using Random Forest is a critical component of RCLNet, as it helps identify the most relevant features for detecting anomalies in IoMT data. In our implementation, we utilize the Gini importance metric to rank features based on their contribution to the model's predictive power. This process allows us to reduce dimensionality and focus on the features that have the greatest impact on classification performance approach (35). To demonstrate the effectiveness of the Random Forest feature selection process, we will include a comparative analysis showing the performance of RCLNet with and without feature selection. By evaluating metrics such as accuracy, precision, recall, and F1-score, we aim to provide clear evidence of how feature selection enhances the model's performance. This additional analysis will reinforce the importance of the feature selection step in improving RCLNet's robustness and accuracy in detecting intrusions.
This proposed approach randomly selects decision trees and calculates the prediction output by averaging the values from all the decision tree prediction. The number of decision trees is represented by the variable “b” and the total number of decision trees, where f represents a feature, N is the number of trees, are the splits in tree t, I is an indicator function, and is the decrease in impurity.
The formulation used for RF is represented in Equation 1.
Here, represents the number of trees in the forest, I is an indicator function that is 1 if feature f is used at the node within tree t, and Δ Impurity is the improvement in impurity from using feature f for splitting at that node.
3.2 CNN-LSTM neural network
The integration of CNN and LSTM models in RCLNet is a deliberate design choice aimed at addressing the unique characteristics of IoMT data. IoMT environments generate complex, high-dimensional data streams that exhibit both spatial and temporal dependencies. CNNs are particularly effective for extracting spatial features from multi-dimensional data, while LSTMs excel at capturing temporal dependencies due to their recurrent structure. By combining CNNs and LSTMs, RCLNet leverages the strengths of both architectures: CNNs for effective spatial feature extraction and LSTMs for understanding temporal dynamics. This integration enables RCLNet to analyze IoMT data more comprehensively, facilitating timely and accurate detection of anomalies and potential intrusions.
3.2.1 CNN architecture
In our approach, CNN operates as a hierarchical sequence of layers, systematically processing input from an initial layer to generate a final output layer. Each layer comprises neurons, where each neuron (excluding the input layer) computes its output by applying a function to the neurons in the preceding layer, denoted as . This layered architecture was employed for effective feature extraction (36).
• Input layer receives the selected network features, for a 1D CNN, if the input data comprises N features, the input layer will have a shape of (N, 1).
• The Convolutional layer is the foundation of the CNN, where neurons share the same weights and biases, forming a kernel or filter. If the filter size is defined as , each neuron in this layer will connect to neurons in the preceding layer. The output ) for a neuron in this layer is computed as described in Equation 2.
• An activation layer is used to introduce non-linearity into the model. Nonlinear activation functions, such as the Rectified Linear Unit (ReLU), are commonly applied after the convolutional and pooling layers. The ReLU function sets negative values in the feature maps to zero while preserving positive values, defined by .
• The pooling layer is responsible for down-sampling the feature maps generated by the preceding layers. This layer segments the neurons from the previous layer into non-overlapping rectangles and selects a single value, typically the maximum value, to represent each sub-area. The most commonly used pooling function for this purpose is max-pooling.
• The flatten layer transforms the higher-dimensional outputs feature maps from the convolutional and pooling layers into a 1D vector. This vector is then fed into the subsequent layers, such as an LSTM.
3.2.2 LSTM architecture
LSTM is a type of recurrent neural network (RNN) designed for analyzing time series data, adept at capturing temporal dependencies. It excels in modeling long-term correlations by utilizing memory cells that can update hidden states. The LSTM model consists of four primary components: a self-linked memory cell and three multiplicative units known as the input, output, and forget gates (37).
• Input Layer receives the flattened vector output from the CNN.
• LSTM Cells process the input sequence and capture temporal dependencies within the data. Additionally, the following Equations 3–7 are utilized to perform the operations of the LSTM model
where , , , and represent the input gate, forget gate, output gate, and cell state respectively.
• Output layer is final hidden state from the LSTM encapsulates the temporal features
3.3 Self-adaptive attention layer mechanism
In our approach, The Self-Adaptive Attention Layer Mechanism (SAALM) is a key innovation in the RCLNet architecture, designed to enhance its capability to focus on the most relevant features of incoming data. SAALM is particularly tailored for the Internet of Medical Things (IoMT) due to several critical considerations. Given the variability in sensor readings and the diverse data types generated by IoMT devices, SAALM employs a dynamic weighting strategy that allows the model to adaptively focus on the most informative features at any given time. This is crucial in IoMT scenarios where certain features may indicate critical conditions or anomalies, while others may be less relevant or even noisy. Additionally, SAALM is designed to support real-time processing requirements common in healthcare settings. By quickly adjusting its focus based on the incoming data stream, SAALM ensures that RCLNet can respond promptly to evolving threats and anomalies, which is vital for maintaining patient safety and system integrity. By incorporating these design considerations, SAALM significantly enhances the effectiveness of RCLNet in handling the unique challenges posed by IoMT environments. The SAALM dynamically learns to emphasize the most pertinent segments of the input sequence. Beginning with a sequence of hidden states from the CNN-LSTM layer, the CNN layers initially extract spatial and local features from the input data. Subsequently, the LSTM layers capture temporal dependencies within the sequence (38). From the final LSTM layer, SAALM computes attention weights to prioritize specific states over others. This process involves transforming each hidden state into a query vector and a key vector through linear projections using weight matrices and , respectively, the transformations are defined as follows Equations 8, 9.
Where represents the attention score between the query vector at timestep t and the key vector at timestep j. The softmax function is applied to ensure that the weights across all timesteps sum to 1, enabling a probabilistic interpretation of attention weights. The output of the attention mechanism, , is then computed as a weighted sum of the hidden states scaled by the computed attention weights in Equation 10.
Here, represents the context vector, capturing the most relevant information across the sequence as determined by the SAALM. This context vector is then used for subsequent processing or classification tasks, enabling the model to make informed decisions based on the dynamically learned importance of different parts of the input sequence (39).
3.4 Loss function
In this section, we discuss the implementation of focal loss within RCLNet and its associated benefits. Focal loss is designed to address the challenge of class imbalance, which is a common issue in intrusion detection systems. In many IoMT datasets, the number of benign instances far exceeds that of malicious instances, leading to a model that may become biased toward the majority class. The focal loss function modifies the standard cross-entropy loss by adding a factor that reduces the relative loss for well-classified examples, putting more focus on hard-to-classify instances. Mathematically, focal loss can be expressed as deep learning architectures are renowned for their ability to extract spatiotemporal features. However, class imbalance in network traffic data can hinder model performance. To address this challenge effectively, we propose using the focal loss function, which improves upon traditional cross-entropy (CE) loss (40). By integrating focal loss into the training process, RCLNet is better equipped to learn from the minority class, leading to improved detection performance for rare but critical intrusion events. This enhancement is particularly important in IoMT environments, where the consequences of undetected intrusions can be severe.
The focal loss function is defined as in Equation 11.
The predicted probability of the positive class is denoted as , while γ ≥ 0 serves as a focusing parameter that adjusts the loss function. Typically, modulates the loss function's sensitivity to hard-to-classify examples. The symbol log represents the natural logarithm in mathematical notation.
3.5 Hyperparameter tuning
To optimize the performance of the proposed RCLNet, the research team conducted extensive experimentation to identify the most effective hyperparameter values, including the number of epochs, layer configurations, neuron counts, and batch size. The core of the model architecture consisted of two 1D convolutional layers with 32 and 64 filters, respectively, and a kernel size of 3, using ReLU activation and max-pooling layers to capture spatial patterns. This was followed by two LSTM layers with 100 and 50 units, respectively, to capture temporal dependencies, with a dropout rate of 0.2 applied to prevent overfitting. Integrated within the LSTM layers, the self-adaptive attention mechanism (SAALM) played a crucial role in the model's ability to focus on the most relevant features for accurate intrusion detection, assigning dynamic weights to the input sequence. The output of the LSTM-SAALM layers was then fed into a dense layer with 20 neurons and ReLU activation, followed by a final Softmax layer for classification output. The model was trained for 20 epochs with a batch size of 64, using the ADAM optimizer with default hyperparameters and FL as the loss function, and the complete schematic architecture of the proposed RCLNet-based A-IDS is shown in Figure 1.
4 Experimental setup and evaluation metrics
This section outlines the comprehensive details of the experimental setup, including the datasets and pre-processing steps. Additionally, we describe the evaluation metrics used to assess the performance of the proposed RCLNet threat detection model.
The experiments were performed on a single NVIDIA RTX 3090 GPU, using the PyTorch framework to develop the proposed RCLNet model. The Adam optimizer with AMSGrad was employed to optimize the training process (41).
4.1 Dataset
Washington University in St. Louis enhanced healthcare monitoring system (WUSTL-EHMS 2020) Dataset: The WUSTL-EHMS 2020 dataset utilized in this work was collected from a variety of healthcare sensors using a health monitoring sensor card. An assault from the center was simulated during testing. The WUSTL-EHMS-2020 contains several types of cyber-attacks, including man-in-the-middle attacks, spoofing attacks, and data injection attacks. The dataset has 44 data features, 35 is a network flow metric, 8 is biometric features of patients, and one label feature. The dataset contains 16,318 records, classified as “normal” and “attacker” (9). The ARGUS technology was used to merge patient biometric and network traffic data into a single dataset.
4.2 Evaluation criteria
In this section, Various metrics of evaluation have been employed to thoroughly evaluate the performance of the proposed RCLNet, i.e., Accuracy (ACC), Precision (PR), Recall (RE), F1-score (F1), Receiver Operating Characteristics (ROC).
where and are true positive and true negative rates, while and represents the false postive and false negative rates.
4.3 Results and discussion
The proposed RCLNet scheme, which integrates CNN, LSTM, and SAALM components along with focal loss, demonstrates excellent performance on the WUSTL-EHMS-2020 healthcare dataset, achieving an accuracy of 99.78%—outperforming the baseline models that utilized RF, CNN, and LSTM architectures, as shown in Table 2. The results highlight the importance of the individual components within the RCLNet scheme, with the feature selection and ranking using Random Forest helping to identify the most discriminative features, and the integration of CNN and LSTM, coupled with the SAALM, enabling the model to effectively learn both spatial and temporal dependencies.
The use of focal loss addresses the challenge of imbalanced data distribution, improving the overall detection performance in terms of precision, recall, and F1-score, as demonstrated in Table 2. While the RCLNet scheme with focal loss achieves the highest accuracy, the analysis of model complexity reveals trade-offs between accuracy, training time, and inference time, providing valuable insights for practitioners in selecting the appropriate model based on their specific deployment requirements. The superior performance of the RCLNet scheme underscores its potential for practical deployment in IoMT healthcare environments, contributing to enhanced security and confidentiality of patient data. The ablation study comparing the performance of several model architectures on the WUSTL-EHMS 2020 dataset for AIDS, including RF, CNN, LSTM, and SAALM, further highlights the impact of these components on various performance metrics, such as accuracy, precision, recall, F1-score, training time per epoch, and inference time.
1. The RF-based model achieves an accuracy of 0.8677, a precision of 0.6165, a recall of 0.6325, and an F1-score of 0.5853, with a low training time of 140 s per epoch and inference time of 1.38 s. While the accuracy is reasonably high, the lower precision, recall, and F1-score suggest the RF architecture may not be the most effective for this intrusion detection task, as it struggles to correctly identify the various patterns. The tradeoffs between model performance and complexity are important when selecting the appropriate approach for re-al-world deployment, where factors like computational efficiency and response time are critical.
2. Incorporating CNN into the model significantly boosts the performance, with the RF and CNN configuration achieving an accuracy of 0.9460, precision of 0.9583, recall of 0.9418, and F1-score of 0.9492. This demonstrates the CNN’s ability to effectively learn complex feature representations from the data, outperforming the standalone RF approach across all evaluation metrics.
3. Further adding a LSTM layer to the RF-CNN model yields additional performance im-provements, with the RF, CNN and LSTM configuration achieving an accuracy of 0.9619, precision of 0.9539, recall of 0.9455, and F1-score of 0.9491. The LSTM component allows the model to better capture temporal dependencies in the data, complementing the spatial feature extraction capabilities of the CNN.
4. In the last, SAALM, which combines the RF, CNN, LSTM, and an adversarial training com-ponent, achieves the overall best performance with an accuracy of 0.9978, precision of 0.9953, recall of 0.9983, and F1-score of 0.9957. This demonstrates the value of the adversarial learning approach for A-IDS, as the SAALM is able to learn more robust and generalizable features compared to the other configurations.
In evaluating the performance of RCLNet, it is essential to consider the trade-off between accuracy and false positive rates. While our model achieved an impressive accuracy of 99.78%, the implications of false positives in real-world healthcare settings cannot be overlooked. High false positive rates can lead to alarm fatigue among healthcare professionals, potentially causing critical alerts to be overlooked. To address this, we conducted a thorough analysis of the false positive rate (FPR) alongside our accuracy metrics. By adjusting the decision thresholds, we observed that a balance can be achieved, allowing for improved operational effectiveness without sacrificing patient safety.
In addition, the performance of the RCLNet model with different loss functions is summarized in Table 3, which provides a detailed comparison of RCLNet using CE and FL functions. The RCLNet with CE achieves an accuracy of 97.04%, while the model with FL shows a significantly higher accuracy of 99.78%, demonstrating FL's effectiveness in handling imbalanced data. Precision improves from 97.92% with CE to 99.53% with FL, reducing false positives. Recall for CE is 96.67%, while for FL, it is significantly higher at 99.83%, highlighting improved true positive detection. The F1-score for CE is 97.29%, compared to an impressive 99.57% for FL, reinforcing the superior performance of FL in balancing precision and recall. The training time per epoch for FL is 423 s, while CE takes slightly longer at 590 s, likely due to additional computations. Inference time for CE is 7.51 s, whereas FL is marginally faster at 6.03 s. Overall, the RCLNet model with FL demonstrates superior performance across all key metrics compared to CE loss, making FL a preferable choice for handling imbalanced data in IoMT A-IDS scenarios.
Furthermore, the experimental findings illustrate the strong performance of the proposed RCLNet scheme. The model effectively identified all dataset classes, achieving high true positive rates and low false positive rates. Receiver Operating Characteristic (ROC) curves provided insights into the trade-off between true positive rate and false positive rate, with the Area Under the ROC Curve (AUC-ROC) serving as a key metric for assessing classification performance. Figure 2 demonstrates the ROC curve for the RCLNet scheme on the WUSTL-EHMS-2020 dataset achieving a perfect AUC-ROC, indicating exceptional classification accuracy.
To substantiate the claim that RCLNet enhances patient data security, we present empirical evidence from our experiments. By comparing our model with traditional intrusion detection systems, we observed a marked reduction in both the number of undetected attacks and the frequency of data breaches in simulated environments. This demonstrates that RCLNet not only identifies known threats more effectively but also adapts to novel attack vectors, thereby significantly improving the security posture of IoMT systems. We recommend further studies to quantify these benefits in real-world deployments.
4.4 Comparing performance with previous approaches
Table 4 presents a comparative analysis of the performance of RCLNet with several previous approaches on the WUSTL-EHMS 2020 healthcare dataset. Firstly, the KNN (K-Nearest Neighbors) model achieved an accuracy of 0.90, which is the lowest among the compared techniques (28). Secondly, a tree classifier approach was able to achieve a slightly higher accuracy of 0.93 (29). Thirdly, the PSO-DNN (Particle Swarm Optimization-Deep Neural Network) method outperformed the previous two approaches, reaching an accuracy of 0.96 (30). Moving on, the AI-(XAI) (Artificial Intelligence with Explainable AI) technique also achieved an accuracy of 0.93, on par with the tree classifier (42). Fifthly, the FusionNet model demonstrated a significant improvement, attaining an accuracy of 0.99 (43). Sixth, the GBBOA (Gradient-Based Biogeography-Based Optimization Algorithm) approach achieved an accuracy of 0.9772 (44). Finally, the proposed RCLNet approach outperformed all the previous methods, achieving a remarkable accuracy of 0.9978. This underscores the superior performance of the RCLNet model, which leverages the integration of Random Forest, Convolutional Neural Networks, Long Short-Term Memory, and the Self-Adaptive Attention Layer Mechanism to effectively capture the complex patterns in IoMT data and enhance the security and confidentiality of patient information.
We present a comparative analysis of RCLNet against a broader set of existing methods, including traditional machine learning algorithms as well as other recent anomaly detection techniques. We conducted experiments using standard metrics such as accuracy, precision, recall, and F1-score to evaluate the performance of RCLNet relative to these methods. The results demonstrate that RCLNet consistently outperforms the comparative methods across various datasets, particularly in scenarios involving class imbalance, where its use of focal loss and advanced architecture provide significant advantages. This analysis not only highlights the superior performance of RCLNet but also contextualizes its advantages and limitations within the broader landscape of intrusion detection systems. We believe this addition significantly strengthens the validity of our claims and provides a clearer understanding of RCLNet's contributions to the field.
5 Conclusion
The article introduced the RCLNet scheme, an effective A-IDS designed for IoMT healthcare environments. The system addresses crucial challenges in IoMT data security and confidentiality by leveraging RF for feature selection. The CNN-LSTM architecture, integrating it with a Self-Adaptive Attention Layer Mechanism SAALM, effectively models the spatial and temporal patterns present in the IoMT data and captures complex dynamics. The incorporation of the focal loss function (FL) further enhances the model's ability to handle imbalanced data distributions, thereby boosting detection accuracy. Experimental results using the WUSTL-EHMS-2020 dataset demonstrate the RCLNet scheme's superiority, achieving an outstanding accuracy of 99.78% and surpassing existing state-of-the-art methods. This robust performance underscores the RCLNet scheme's potential to significantly bolster IoMT healthcare system security, safeguarding patient data integrity and privacy.
To substantiate the claim that RCLNet enhances patient data security, we present empirical evidence from our experiments. By comparing our model with traditional intrusion detection systems, we observed a marked reduction in both the number of undetected attacks and the frequency of data breaches in simulated environments. This demonstrates that RCLNet not only identifies known threats more effectively but also adapts to novel attack vectors, thereby significantly improving the security posture of IoMT systems. We recommend further studies to quantify these benefits in real-world deployments.
Future research will explore integrating technologies like blockchain and federated learning to enhance Intrusion Detection Systems (IDS) for Internet of Medical Things (IoMT) deployments. We aim to evaluate RCLNet with diverse datasets covering various IoMT devices and attack scenarios, validating its real-world applicability in healthcare.
Additionally, we plan to incorporate reinforcement learning (RL) to improve RCLNet's anomaly detection. This will enable adaptive learning and enhance detection strategies in response to evolving threats, particularly in dynamic environments where quick adjustments are essential.
Data availability statement
The datasets presented in this study can be found in online repositories. The names of the repository/repositories and accession number(s) can be found in the article/Supplementary Material.
Ethics statement
The studies involving humans were approved by Jamshed Ali Chongqing University. The studies were conducted in accordance with the local legislation and institutional requirements. Written informed consent for participation in this study was provided by the participants’ legal guardians/next of kin. Written informed consent was obtained from the individual(s) for the publication of any potentially identifiable images or data included in this article.
Author contributions
JS: Conceptualization, Data curation, Formal Analysis, Funding acquisition, Investigation, Methodology, Project administration, Resources, Software, Supervision, Validation, Visualization, Writing – original draft, Writing – review & editing. CW: Methodology, Supervision, Writing – review & editing, Investigation. WM: Writing – review & editing, Software, Methodology. MA: Software, Writing – review & editing. MO: Writing – review & editing, Data curation, Investigation. RA: Formal Analysis, Funding acquisition, Writing – review & editing. SC: Investigation, Methodology, Writing – review & editing. MM: Data curation, Writing – original draft, Conceptualization.
Funding
The author(s) declare financial support was received for the research, authorship, and/or publication of this article. This work was supported by the Fundamental Research Funds for the Central Universities (No. 2022CDJYGRH-001) and This research was funded by Princess Nourah bint Abdulrahman University Researchers Supporting Project number (PNURSP2024R408), Princess Nourah bint Abdulrahman University, Riyadh, Saudi Arabia.
Acknowledgments
The authors express, this work is supported by the Chongqing Technology Innovation and Application Development Key Project (cstc2020jscx-dxwtBX0055; cstb2022tiad-kpx0148) and the authors express their gratitude to the Princess Nourah bint Abdulrahman University Researchers Supporting Project number (PNURSP2024R408), Princess Nourah bint Abdulrahman University, Riyadh, Saudi Arabia. It holds that “authors are fully responsible for the content of their manuscript, even those parts produced by an AI tool, and are thus liable for any breach of publication ethics (in the writing process).
Conflict of interest
The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.
Publisher's note
All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.
References
1. Qu Z, Shi W, Liu B, Gupta D, Tiwari P. IoMT-based smart healthcare detection system driven by quantum blockchain and quantum neural network. IEEE J Biomed Health Inform. (2024) 28(6):3317–28. doi: 10.1109/jbhi.2023.328819937399158
2. Lian Z, Wang W, Han Z, Su C. Blockchain-based personalized federated learning for internet of medical things. IEEE Trans Sustain Comput. (2023) 8(4):694–702. doi: 10.1109/tsusc.2023.3279111
3. Tiwari P, Lakhan A, Jhaveri RH, Gronli T-M. Consumer-Centric internet of medical things for cyborg applications based on federated reinforcement learning. IEEE Trans Cons Elect. (2023) 69(4):756–64. doi: 10.1109/tce.2023.3242375
4. Awotunde JBI, Bello PB. IoMT enabling real-time monitoring of healthcare systems: security and privacy considerations. In: Awotunde JB, editor. Bioscience, General Science, Handbook of Security and Privacy of AI-Enabled Healthcare Systems and Internet of Medical Things, AIoMT Enabling Real-Time Monitoring of Healthcare Systems. CRC Press (2024). p. 97–133.
5. Kumbhare A, Tiwari PK. Security and privacy of biomedical data in IoMT. In: Kumbhare A, editor. Bioscience, Bioinformatics, Cognitive Computing for Internet of Medical Things. Chapman and Hall/CRC (2022). p. 77–104.
6. Ahmed SF, Guesmi AH. Insights into internet of medical things (IoMT): data fusion, security issues and potential solutions. Information Fusion. (2024) 102:102060. doi: 10.1016/j.inffus.2023.102060
7. Krop A. A thing on the internet? Or the internet in a thing? New technology crimes. Analiza Kryminalna W Przyszłości. (2023).
8. Desnoyers P, Wenchao B, Khanna J, Poonacha S. Interoperability and information-sharing paradigm for IoT-enabled healthcare. In: Desnoyers B, editor. Cloud Network Management. Berlin/Heidelberg, Germany: Springer (2020). p. 151–74.
9. Si-Ahmed A, Al-Ghamdi M, Bouyer N. Survey of machine learning-based intrusion detection methods for internet of medical things. Appl Soft Comput. (2023) 110:110227. doi: 10.1016/j.asoc.2023.110227
10. Ioulianou PV, Ioulianou MV. A signature-based intrusion detection system for the internet of things. Info Commun Tech Forum. (2018). Available online at: https://eprints.whiterose.ac.uk/133312/ (Accessed June 8, 2018).
11. Chaabouni N, Mosbah M, Zemmari A, Sauvignac C, Faruki P. Network intrusion detection for IoT security based on learning techniques. IEEE Commun Surv Tutor. (2019) 21:2671–701. doi: 10.1109/COMST.2019.2896380
12. Arrington B, Brooks L, Raines R, Baldwin R, Baldwin E. Behavioral modeling intrusion detection system (BMIDS) using internet of things (IoT) behavior-based anomaly detection via immunity-inspired algorithms. In Proceedings of the 2016 International Conference on Computer Communication and Networks (ICCCN); Waikoloa, HI, USA (2016). p. 1–4
13. Rohini G, Kumar C, Bhuvaneswari J. Intrusion detection system with an ensemble learning and feature selection framework for IoT networks. IETE J Res. (2023) 69:8859–75. doi: 10.1080/03772063.2022.2098187
14. Chakraborty L, Sinha P, Kumar M, Das S, Tripathi RC, Raju MK. Detection and classification of novel attacks and anomaly in IoT network using rule-based deep learning model. arXiv. (2023):arXiv:2308.00005. doi: 10.48550/arXiv.2308.00005
15. Alalhareth M, Coughlan HS. Enhancing the internet of medical things (IoMT) security with meta-learning: a performance-driven approach for ensemble intrusion detection systems. Sensors. (2024) 24:3519. doi: 10.3390/s2411351938894310
16. Alzaabi FR, Muthanna AM. A review of recent advances, challenges, and opportunities in malicious insider threat detection using machine learning methods. IEEE Access. (2024) 12:30907–27. doi: 10.1109/ACCESS.2024.3369906
17. Zhang R, Liang K, Cai Y, Yang J, Li C, Zhang L, et al. TSDroid: a novel android malware detection framework based on temporal and spatial metrics in IoMT. ACM Trans Sens Netw. (2023) 19:1–23. doi: 10.1145/3532091
18. Zachos GE, Papapanagiotou I, Paspallis N, Zinas R, Charalambides RJ. An anomaly-based intrusion detection system for internet of medical things networks. Electronics (Basel). (2021) 10:2562. doi: 10.3390/electronics10212562
19. Alalhareth M, Coughlan HS. An improved mutual information feature selection technique for intrusion detection systems in the internet of medical things. Sensors. (2023) 23:4971. doi: 10.3390/s2310497137430886
20. Swarna Priya RM, Raju MK, Kumar MP, Kalaivani P, Dinesh K, Sreevidya A, et al. An effective feature engineering for DNN using hybrid PCA-GWO for intrusion detection in IoMT architecture. Comput Commun. (2020) 160:139–49. doi: 10.1016/j.comcom.2020.05.048
21. Lilhore UK, Dalal S, Simaiya S. A cognitive security framework for detecting intrusions in IoT and 5G utilizing deep learning. Computers & Security. (2024) 136:103560. doi: 10.1016/j.cose.2023.103560
22. Zukaib UC, Xin Z, Chen H, Miao H, Si Z. Meta-IDS: meta-learning based smart intrusion detection system for internet of medical things (IoMT) network. IEEE Internet Things J. (2024) 11(13):23080–95.
23. Nandy SA, Manogaran M, Vaithilingam G, Sakhre V. An intrusion detection mechanism for secured IoMT framework based on swarm-neural network. IEEE J Biomed Health Inform. (2021) 26:1969–76. doi: 10.1109/JBHI.2021.3101686
24. Sengan SM, Wu J, Li B, Ahmad AAA, Mohamed A, Al-Muhtadi J, et al. Improved LSTM-based anomaly detection model with cybertwin deep learning to detect cutting-edge cybersecurity attacks. Hum-Centric Comput Inf Sci. (2023) 13:770–8.
25. Khan IA, Rahim IP, Kumar D, Nawaz HY, Li B, Khan T. Fed-Inforce-Fusion: a federated reinforcement-based fusion model for security and privacy protection of IoMT networks against cyber-attacks. Inform Fusion. (2024) 101:102002. doi: 10.1016/j.inffus.2023.102002
26. Wang X, Gao S, Li H, He H, Jung K, Pan G, et al. Toward accurate anomaly detection in industrial internet of things using hierarchical federated learning. IEEE Internet Things J. (2021) 9:7110–9. doi: 10.1109/JIOT.2021.3074382
27. Dalal S, Manoharan P, Lilhore UK, Seth B, Mohammed alsekait D, Simaiya S, et al. Extremely boosted neural network for more accurate multi-stage cyber attack prediction in cloud computing environment. J Cloud Comput. (2023) 12(1):14. doi: 10.1186/s13677-022-00356-9
28. Dalal S, Lilhore UK, Faujdar N, Simaiya S, Ayadi M, Almujally NA, et al. Next-generation cyber attack prediction for IoT systems: leveraging multi-class SVM and optimized CHAID decision tree. J Cloud Comput. (2023) 12(1):137. doi: 10.1186/s13677-023-00517-4
29. Qi P, Chiaro D, Giampaolo F, Piccialli F. A blockchain-based secure internet of medical things framework for stress detection. Inf Sci (Ny). (2023) 628:377–90. doi: 10.1016/j.ins.2023.01.123
30. Jagannath RJ, Gubbi S, Saxena L, Durand J, Pandey P, Kumar JD. An IoT enabled smart healthcare system using deep reinforcement learning. Concurr Comput Pract Exp. (2022) 34:20596–608. doi: 10.1002/cpe.7403
31. Radoglou-Grammatikis KP, Sarigiannidis P, Moscholios I, Leligou H. Modeling, detecting, and mitigating threats against industrial healthcare systems: a combined software defined networking and reinforcement learning approach. IEEE Trans Ind Inform. (2022) 18:2041–52. doi: 10.1109/TII.2021.3093905
32. Hady AA, Ghubaish A, Salman T, Unal D, Jain R. Intrusion detection system for healthcare systems using medical and network data: a comparison study. IEEE Access. (2020) 8:106576–84. doi: 10.1109/ACCESS.2020.3000421
33. Gupta K, Sharma DK, Gupta KD, Kumar A. A tree classifier based network intrusion detection model for internet of medical things. Comp Elect Eng. (2022) 102:108158. doi: 10.1016/j.compeleceng.2022.108158
34. Chaganti R, Mourade A, Ravi V, Vemprala N, Dua A, Bhushan B. A particle swarm optimization and deep learning approach for intrusion detection system in internet of medical things. Sustainability. (2022) 14:12828. doi: 10.3390/su141912828
35. Usmanova A, Aziz A, Rakhmonov D, Osamy W. Utilities of artificial intelligence in poverty prediction: a review. Sustainability. (2022) 14:14238. doi: 10.3390/su142114238
36. O’Shea K, Nash R. An Introduction to convolutional neural networks. arXiv. (2015):arXiv:1511.08458. doi: 10.48550/arXiv.1511.08458
37. Hochreiter S, Schmidhuber J. Long short-term memory. Neural Comput. (1997) 9:1735–80. doi: 10.1162/neco.1997.9.8.17359377276
38. Sun J, Ren H, Duan Y, Yang X, Wang D, Tang H. Fusion of multi-layer attention mechanisms and CNN-LSTM for fault prediction in marine diesel engines. J Mar Sci Eng. (2024) 12:990. doi: 10.3390/jmse12060990
39. Sun J, Gao H, Yan Z, Qi X, Yu J, Ju Z. Lightweight UAV object-detection method based on efficient multidimensional global feature adaptive fusion and knowledge distillation. Electronics (Basel). (2024) 13:1558. doi: 10.3390/electronics13081558
40. Vahedi B, Lucas B, Banaei-Kashani F, Barrett AP, Meier WN, Khalsa SJ, et al. Partial label learning with focal loss for sea ice classification based on ice charts. arXiv. (2024) 17:13616–33. doi: 10.48550/arXiv.2406.03645
41. Reddi SJ, Kale S, Kumar S. On the convergence of adam and beyond. arXiv. (2019):arXiv:1904.09237. doi: 10.48550/arXiv.1904.09237
42. Si-Ahmed A, Al-Garadi MA, Boustia N. Explainable Machine Learning-Based Security and Privacy Protection Framework for Internet of Medical Things Systems. (2024). Available online at: https://arxiv.org/abs/2403.09752 (Accessed March 14, 2024).
43. Alsalman D. A comparative study of anomaly detection techniques for IoT security using adaptive machine learning for IoT threats. IEEE Access. (2024) 12:14719–30. doi: 10.1109/ACCESS.2024.3359033
44. Alzubaidi LH, Nijaguna GS, Pasha SN, Kotagi V, Kalaiselvi K. Gaussian Bare-Bones butterfly optimization algorithm (GBBOA) based support vector machine (SVM) for cyberattack detection in healthcare. In Proceedings of the 2024 International Conference on Integrated Circuits and Communication Systems (ICICACS) (2024). p. 1–5. doi: 10.1109/ICICACS60521.2024.10498277
Keywords: IoMT, CNN, LSTM, focal loss, WUSTL-EHMS-2020
Citation: Shaikh JA, Wang C, Muhammad WUS, Arshad M, Owais M, Alnashwan RO, Chelloug SA and Muthanna MSA (2024) RCLNet: an effective anomaly-based intrusion detection for securing the IoMT system. Front. Digit. Health 6:1467241. doi: 10.3389/fdgth.2024.1467241
Received: 19 July 2024; Accepted: 12 September 2024;
Published: 3 October 2024.
Edited by:
Ramin Ramezani, University of California, Los Angeles, United StatesReviewed by:
Hao Wang, Shenzhen University General Hospital, ChinaSurjeet Dalal, Amity University Gurgaon, India
Copyright: © 2024 Shaikh, Wang, Muhammad, Arshad, Owais, Alnashwan, Chelloug and Muthanna. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.
*Correspondence: Chengliang Wang, wangcl@cqu.edu.cn; Rana Othman Alnashwan, roalnashwan@pnu.edu.sa