You are currently viewing a new version of our website. To view the old version click .
Mathematics
  • Article
  • Open Access

31 December 2025

EDR-FJ48: An Empirical Distribution Ranking-Based Fuzzy J48 Classifier for Multiclass Intrusion Detection in IoMT Networks

,
,
and
1
Department of AI and Software, Gachon University, Seongnam 13120, Republic of Korea
2
Hyundai Engineering and Construction, Seoul 03058, Republic of Korea
3
Department of Software/AI Convergence Networks, Ajou University, Suwon 16499, Republic of Korea
*
Authors to whom correspondence should be addressed.
Mathematics2026, 14(1), 157;https://doi.org/10.3390/math14010157 
(registering DOI)

Abstract

The Internet of Medical Things (IoMT) interconnects medical devices, software applications, and healthcare services through the internet to enable the transmission and analysis of health data. IoMT facilitates seamless patient care and supports real-time clinical decision-making. The IoMT faces substantial security threats due to limited device resources, high device interconnectivity, and a lack of standardization. In this paper, we present an Intrusion Detection System (IDS) called An Empirical Distribution Ranking-Based Fuzzy J48 Classifier for Multiclass Intrusion Detection in IoMT Networks (EDR-FJ48) to distinguish between regular traffic and multiple types of security threats. The proposed IDS is built upon the J48 decision tree algorithm and is designed to detect a wide range of attacks. To ensure the protection of medical devices and patient data, the system incorporates a fuzzy IF-THEN rule inference module. In our approach, fuzzy rules are formulated based on the fuzzified values of selected features, which capture the statistical behavior of the input observations. These rules enable interpretable and transparent decision-making and are applied before the final classification step. We thoroughly evaluated our methodology through extensive simulations using three publicly available datasets, such as WUSTL-EHMS-2020, CICIoMT2024, and ECU-IoHT. The results exhibit exceptional accuracy rates of 99.68%, 98.71%, and 99.43%, respectively. A comparative analysis against state-of-the-art models in the existing literature, based on metrics including accuracy, precision, recall, F1-score, and time complexity, reveals that our proposed method achieves superior results. This evidence suggests that our method constitutes a robust solution for mitigating security threats in IoMT networks.

1. Introduction

The adoption of the Internet of Things (IoT) in the healthcare sector has led to the formation of the Internet of Medical Things (IoMT) [1]. The integration of Artificial Intelligence (AI) into healthcare systems has brought significant advancement in IoMT [2]. The primary breakthrough of the IoMT system is to improve the quality of life of patients, which also enables real-time health monitoring, remote patient care, and improved treatment accuracy [3]. However, the integration of various communication protocols and different healthcare devices in the IoMT is always vulnerable to various security threats and cyberattacks, allowing adversaries to exploit sensitive information [4]. Attackers often exploit Man-in-the-Middle (MitM) attacks to leak information from the IoMT system [5]. In an MitM attack, an adversary secretly intercepts and potentially alters communication between medical devices (e.g., wearable sensors) and healthcare servers or applications. Therefore, security monitoring becomes an utmost priority in IoMT systems.
Numerous attacks, ranging from network-based and device-specific to data-centric and authentication-related, are employed to infiltrate the network and compromise the integrity of the IoMT system. Various prevention methods, such as attack detection, standards and protocol compliance, and authentication and access control, are used to protect the robustness of the network [6]. In contrast, legacy security techniques are complex and require more resources, which cannot be afforded by IoMT devices due to their resource-constrained nature, characterized by low processing power, limited storage capacity, and short battery life [2]. The IoMT devices are connected using lightweight communication protocols, and the standardization is suboptimal. Therefore, innovative protection strategies must be engineered to address the urgent safety dilemmas of IoMT infrastructures, taking into account their limited-resource design [7]. Nowadays, a wide range of innovative ideas are emerging to protect the IoMT network, which consists of firmware validation, patch management, log analysis and auditing, and intrusion detection. Intrusion detection is the most frequently implemented attack detection and reduction methodology in IoMT, leveraging nascent Machine Learning (ML) methods. ML can streamline the IDS and easily deploy and control it even in resource-constrained devices and highly dynamic networks [8,9,10].
Traditional security strategies encounter significant limitations in IoMT environments. They lack the capability to detect unknown or zero-day attacks in real-time due to their static, rule-based nature, which prevents them from adapting to evolving threats. Additionally, they struggle to scale across diverse, heterogeneous networks of medical devices commonly found in IoMT systems [11,12].
New generation IDS are specifically designed to address the limitations of conventional security mechanisms in heterogeneous and resource-constrained IoMT environments. These IDS models are increasingly leveraging lightweight machine learning, deep learning, and adaptive ensemble techniques to operate effectively across a wide range of device types, communication protocols, and data formats [13]. By minimizing memory and computation requirements, they enable real-time detection even on low-power sensors and embedded medical devices. Moreover, the integration of anomaly-based and hybrid detection techniques allows these systems to identify novel attack patterns and zero-day threats that signature-based systems often miss. The ability to learn from streaming data, adapt to dynamic network conditions, and provide interpretable security decisions marks a significant advancement in securing sensitive healthcare infrastructures against modern cyber threats [14].
To overcome the challenges faced by traditional security systems, there is a strong motivation to develop a new IDS that can adapt to the highly dynamic and heterogeneous nature of IoMT. Our work addresses the limitations of existing IDS by developing a solution capable of detecting novel threats and adapting to dynamic intrusions within the diverse IoMT landscape. This framework prioritizes real-world deployment by ensuring minimal execution time and efficient resource utilization, ultimately enhancing detection accuracy and improving security in the ever-evolving IoMT environment.
This work is an extended version of our prior conference paper [1]. In contrast to [1], this article contributes:
  • We propose a novel hybrid IDS that integrates Empirical Distribution Ranking (EDR) for feature selection with a fuzzy rule-based inference system and a J48 decision tree classifier to detect and categorize various cyberattacks in IoMT environments.
  • The system introduces a fuzzification mechanism that translates numerical features into linguistic variables (e.g., Low, Medium, High), enabling the extraction of interpretable fuzzy IF-THEN rules that enhance explainability and reduce classification ambiguity.
  • By employing the J48 algorithm in conjunction with fuzzy logic, the proposed system maintains low computational overhead while offering human-understandable reasoning paths, crucial for trust and transparency in medical settings.
  • The model is extensively validated using three benchmark IoMT datasets: WUSTL-EHMS-2020, CICIoMT2024, and ECU-IoHT. It achieves superior accuracy (up to 99.68%) and robust performance in terms of precision, recall, F1-score, and ROC analysis.
  • A detailed performance comparison demonstrates that the proposed method consistently outperforms state-of-the-art IDS approaches, particularly in attack interpretability, accuracy, and scalability to resource-constrained IoMT networks.
The structure of this manuscript is as follows: Section 2 provides a review of related work, Section 3 presents our novel intrusion detection methodology for IoMT networks, Section 4 introduces the dataset, Section 5 details the experiments and performance evaluations, and Section 6 concludes with a reflection on the contributions of this research.

3. Proposed Method

This section presents the proposed Empirical Distribution Ranking-Based Fuzzy J48 Classifier for Multiclass Intrusion Detection (EDR-FJ48) in IoMT networks. The method integrates Empirical Distribution Ranking (EDR) for effective feature selection with a fuzzy rule-based inference mechanism and a J48 decision tree classifier. This hybrid approach is designed to accurately detect and classify a wide range of cyberattacks within Internet of Medical Things (IoMT) environments.

3.1. System Architecture

Figure 1 shows the overall system architecture of the proposed Empirical Distribution Ranking-Based Fuzzy J48 Intrusion Detection System for the IoMT. The process begins with a feature extraction stage using Principal Component Analysis (PCA), which reduces the dimensionality of raw IoMT traffic data by capturing the most significant variance components. This is followed by a feature selection phase employing the EDR technique to identify the most informative and non-redundant features. The selected features are then transformed through fuzzification using Gaussian membership functions, converting numeric inputs into linguistic terms such as Low, Medium, and High. Based on these fuzzified values, fuzzy IF-THEN rules are generated to encode domain-specific knowledge and provide interpretable inference. Finally, the J48 decision tree classifier uses these fuzzy rules to perform multiclass intrusion detection. Table 2 shows the important mathematical notations used in this paper.
Figure 1. Overall system architecture.
Table 2. Mathematical Symbols and Notations.

3.2. Data Preprocessing

In the data preprocessing step, we remove missing values that can cause skewness in the model and convert categorical values to numerical values using a label encoder. Subsequently, we use Min-Max normalization techniques to normalize the data. This helps mitigate biases in the model. Let D = { ( x i , y i ) } i = 1 N be a dataset with N samples, where x i R d is a d-dimensional feature vector and y i { 1 , , C } is the class label. For each feature dimension f { 1 , , d } , Min-Max normalization is applied to scale the feature values into the range [ 0 , 1 ] , which improves convergence.
The normalization formula is given by:
x i , f = x i , f min ( x : , f ) max ( x : , f ) min ( x : , f )
where: x i , f is the original value of the f-th feature in the i-th sample, x : , f denotes all values of the f-th feature across the dataset, min ( x : , f ) and max ( x : , f ) are the minimum and maximum values of the f-th feature across all samples, and x i , f is the normalized value.

3.3. Feature Engineering

After data preprocessing, a high-quality dataset is generated. However, further refinement is crucial for accurate feature selection. Feature engineering, which involves extracting relevant features from the dataset, is performed prior to training the detection models. In this work, we employ PCA for feature extraction and EDR for feature selection.

3.3.1. Feature Extraction

After normalizing the dataset D = { ( x i , y i ) } i = 1 N , where x i R d are normalized feature vectors, We applied PCA to reduce dimensionality and extract informative features.
Let X R N × d denote the normalized data matrix. PCA projects X onto a lower-dimensional subspace Z R N × k , where k < d , by solving the eigenvalue decomposition of the covariance matrix:
Σ = 1 N i = 1 N ( x i μ ) ( x i μ )
where μ = 1 N i = 1 N x i is the mean vector of the dataset.
Then, compute the eigenvalues λ j and corresponding eigenvectors v j of Σ :
Σ v j = λ j v j
The top-k eigenvectors corresponding to the largest k eigenvalues are selected to form the projection matrix V k R d × k . The reduced representation of each sample is then given by:
z i = V k ( x i μ )
The resulting feature matrix Z = [ z 1 , , z N ] captures the most significant variance in the data.

3.3.2. Feature Selection

Following PCA-based feature extraction, Empirical Distribution Ranking (EDR) is applied to further refine the set of informative features by assessing their discriminative ability across different classes.
Let Z = [ z 1 , , z N ] R N × k be the PCA-transformed feature matrix. For each feature dimension z f ( f = 1 , , k ) , we compute the empirical probability distribution for each class c { 1 , , C } :
P c ( z f ) = 1 | D c | z i D c δ ( z f = z i f )
where D c is the set of samples belonging to class c, and δ is the kernel density function estimating the empirical probability of z f in class c.
Then, the EDR score for feature z f is calculated based on the variance of the empirical distributions across all classes:
EDR ( z f ) = c = 1 C P c ( z f ) P ¯ ( z f ) 2
where P ¯ ( z f ) = 1 C c = 1 C P c ( z f ) is the mean empirical distribution of feature z f across all classes.
Features with higher EDR scores exhibit greater variation between class-specific distributions and are thus more informative for classification. We rank features based on their EDR scores and retain the top-m features to form the reduced feature matrix Z * R N × m , where m < k .
This reduced matrix Z * is subsequently used for the fuzzification process.

3.4. Fuzzy Rule-Based System

We employed a fuzzy rule-based system to create fuzzy IF-THEN rules, which serve as input for a J48 decision tree used for detecting various attacks. The fuzzy system operates in two stages: first, the selected features undergo fuzzification; second, fuzzy rules are derived from the fuzzified data.

3.4.1. Fuzzification

Fuzzification is the process of transforming crisp numerical input values into fuzzy linguistic variables using predefined membership functions. It is a foundational step in fuzzy inference systems, allowing real-valued data to be represented as degrees of membership in linguistic categories such as “Low,” “Medium,” or “High.” This approach is particularly beneficial when dealing with uncertain, imprecise, or noisy data, which is commonly found in IoMT environments. Fuzzification enhances interpretability and decision-making by enabling systems to reason in a way that resembles human logic. To fuzzify an input, each numerical feature is mapped to one or more fuzzy sets through membership functions, often Gaussian, triangular, or trapezoidal, which assign a degree of belonging to each fuzzy category. For instance, a feature like packet size may simultaneously belong partially to both “Medium” and “High” sets, with associated membership values guiding downstream fuzzy rule inference.
We used a Gaussian membership function [35] for fuzzification due to its smoothness, flexibility, and ability to model uncertainty effectively. Unlike triangular or trapezoidal functions, Gaussian functions provide continuous and differentiable curves, allowing for more natural and gradual transitions between fuzzy sets. This smooth behavior is especially beneficial in real-world domains, such as the IoMT, where data is often noisy and imprecise. The parameters of the Gaussian function, namely the mean (center) and standard deviation (spread), can be easily adjusted to fit the statistical distribution of feature values, many of which resemble normal distributions.
Z * = [ z i f * ] denotes the reduced dataset after applying PCA and selecting important components via EDR. Each z i f * is the value of the f-th selected PCA feature for the i-th sample. For each feature z f * , we define three fuzzy sets: Low, Medium, and High, each with a membership function μ Low ( z f * ) , μ Medium ( z f * ) , and μ High ( z f * ) .
Fuzzification Using Gaussian Membership Functions:
μ Low ( z i f * ) = exp ( z i f * c L ) 2 2 σ L 2
μ Medium ( z i f * ) = exp ( z i f * c M ) 2 2 σ M 2
μ High ( z i f * ) = exp ( z i f * c H ) 2 2 σ H 2
where:
c L , c M , and c H are the centers for the fuzzy sets Low, Medium, and High, respectively. σ L , σ M , and σ H are the corresponding standard deviations.
The Figure 2 illustrates the process of fuzzification using Gaussian membership functions for a single feature z i f * in a fuzzy inference system. It displays three Gaussian curves representing fuzzy sets Low, Medium, and High each defined by a center ( c L , c M , c H ) and a spread ( σ ). These functions map a crisp input value to a degree of membership between 0 and 1, enabling soft boundaries and overlapping classifications.
Figure 2. Gaussian membership functions (Low, Medium, High) used in fuzzification of feature z i f * .

3.4.2. Fuzzy Rule Generation

Fuzzy rule generation is a crucial step in designing a fuzzy inference system. It involves formulating a set of interpretable rules that describe the relationship between input features and output classes using linguistic terms (e.g., Low, Medium, High). These rules are generated based on the combinations of fuzzified input values derived through membership functions.
Let z i * = ( z i 1 * , z i 2 * , , z i d * ) be the fuzzified feature vector of the i-th sample. Each feature z i f * is associated with one of the three fuzzy sets: Low, Medium, or High. We defined the fuzzy rule R j in the standard IF-THEN form:
R j : IF ( z i 1 * is A 1 j ) AND ( z i 2 * is A 2 j ) AND AND ( z i d * is A d j ) THEN y = C j
where A f j { Low , Medium , High } are fuzzy labels for the f-th feature in the j-th rule, and C j is the class label associated with the rule.
The strength (firing strength) α j of a rule R j for a given fuzzified input z i * is computed using the minimum t-norm:
α j ( z i * ) = min f = 1 d μ A f j ( z i f * )
where μ A f j ( z i f * ) is the membership degree of the input value z i f * in fuzzy set A f j .
The generated rules are organized within a fuzzy rule base, R , which is then served as the input to the J48 decision tree.

3.5. Training the J48 Decision Tree on Fuzzified Input

The J48 decision tree in the proposed IDS framework is trained on fuzzified input features, where each numerical attribute is converted into a linguistic value such as Low, Medium, or High using Gaussian membership functions. To train the J48 tree, these linguistic values extracted from the rules serve as feature labels. The J48 algorithm calculates the Information Gain (IG) for each feature based on the entropy reduction it provides:
I G ( T , f ) = E n t r o p y ( T ) v V a l u e s ( f ) | T v | | T | · E n t r o p y ( T v )
where T is the training set, and T v is the subset of samples where feature f takes the value v. The J48 algorithm constructs the decision tree by selecting features that yield the highest information gain, which is calculated based on the reduction in entropy after each split. During training, each node in the tree represents a decision based on one fuzzified feature, and branches correspond to the fuzzy labels assigned to that feature. To improve generalization and probabilistic accuracy, the decision tree is further optimized using Log Loss, allowing soft classification decisions based on class probabilities at the leaf nodes.
Log Loss = 1 N i = 1 N c = 1 C y i , c log ( p i , c )
where, y i , c is a binary indicator function that equals 1 if sample i belongs to class c, and 0 otherwise, and p i , c is the predicted probability that sample i belongs to class c derived from normalized firing strength α j .
The log loss increases as the predicted probability diverges from the actual label. A perfect classifier would have a log loss of 0, while larger values indicate more uncertainty or incorrect predictions. The final predicted class y ^ is determined by selecting the rule with the maximum firing strength:
y ^ = arg max j α j ( z i * )
Algorithm 1 outlines the proposed EDR-FJ48 classification method designed for intrusion detection in IoMT environments. The process begins with data preprocessing, including normalization and encoding, followed by feature extraction using PCA. Next, EDR is applied to select the most discriminative features. These selected features are then fuzzified using Gaussian membership functions, generating linguistic categories such as Low, Medium, and High. Finally, a fuzzy rule base is constructed and utilized to train a J48 decision tree, thereby enhancing both classification accuracy and interpretability.
Algorithm 1 EDR-FJ48 Intrusion Detection Algorithm
Require: 
Normalized dataset D = { ( x i , y i ) } i = 1 N , where x i R d
Ensure: 
Trained fuzzy J48 decision tree model
  1:
Step 1: Data Preprocessing
  2:
for each sample x i D  do
  3:
    Remove missing values
  4:
    Encode categorical attributes using LabelEncoder
  5:
    Normalize: x i , f = x i , f min ( x : , f ) max ( x : , f ) min ( x : , f )
  6:
end for
  7:
Step 2: PCA Feature Extraction
  8:
Compute covariance matrix Σ
  9:
Perform eigen decomposition Σ v j = λ j v j
10:
Select top-k eigenvectors V k
11:
Project samples: z i = V k ( x i μ )
12:
Form reduced matrix Z R N × k
13:
Step 3: Feature Ranking via EDR
14:
for each feature z f in Z  do
15:
    Compute class-wise empirical distributions P c ( z f )
16:
    Compute EDR score: EDR ( z f ) = c = 1 C ( P c ( z f ) P ¯ ( z f ) ) 2
17:
end for
18:
Select top-m ranked features: Z * R N × m
19:
Step 4: Fuzzification
20:
for each feature value z i f * in Z *  do
21:
      μ Low ( z i f * ) = exp ( z i f * c L ) 2 2 σ L 2
22:
      μ Medium ( z i f * ) = exp ( z i f * c M ) 2 2 σ M 2
23:
      μ High ( z i f * ) = exp ( z i f * c H ) 2 2 σ H 2
24:
    Assign linguistic label { Low , Medium , High }
25:
end for
26:
Step 5: Fuzzy Rule Generation
27:
for each fuzzified sample z i *  do
28:
    Construct rule R j :
      R j : IF ( z i 1 * is A 1 j ) ( z i m * is A m j ) THEN y = C j
29:
    Add R j to rule base R
30:
end for
31:
Step 6: Firing Strength Computation
32:
for each fuzzy rule R j  do
33:
     α j = min f μ A f j ( z i f * )
34:
end for
35:
Step 7: J48 Decision Tree Classification
36:
Train J48 on fuzzified feature set
37:
Split nodes using Information Gain:
I G ( T , f ) = Entropy ( T ) v | T v | | T | Entropy ( T v )
38:
return Trained fuzzy J48 model

4. Dataset Description

We evaluated our proposed intrusion detection system using three widely recognized IoMT datasets: WUSTL-EHMS-2020 [36], CICIoMT2024 [37], and ECU-IoHT [38]. These datasets offer comprehensive coverage of network traffic from medical devices, encompassing various attack types, which enables rigorous testing of our model’s detection and classification capabilities.

4.1. WUSTL-EHMS-2020 Dataset

The WUSTL-EHMS-2020 dataset is a publicly available IoMT dataset designed for intrusion detection research in healthcare environments. It was generated using a real-time Enhanced Healthcare Monitoring System (EHMS) testbed, which integrates medical sensors, a gateway, network infrastructure, and a control unit for data visualization and analysis. The dataset comprises both network traffic metrics (35 features) and patient biometric data (8 features), totaling 44 features with corresponding class labels. It contains benign and malicious traffic, capturing attacks such as spoofing, data injection, and man-in-the-middle attacks that target data confidentiality and integrity. This dataset provides a realistic testbed for evaluating cybersecurity solutions by combining sensor and network traffic data from live health monitoring scenarios. An overview of the dataset is presented in Table 3.
Table 3. Description of WUSTL-EHMS-2020 dataset.

4.2. CICIoMT2024 Dataset

The dataset was generated from an IoMT testbed comprising 40 devices (25 real and 15 simulated) operating over standard healthcare communication protocols, including Wi-Fi, MQTT, and Bluetooth Low Energy (BLE). A total of 18 attacks were executed and categorized into five classes: DDoS, DoS, Recon, MQTT-based, and spoofing. Traffic data were collected using a network tap to duplicate packets in real time between the switch and IoMT devices, ensuring a comprehensive capture of both benign and malicious traffic. The dataset includes 45 features alongside a label column, offering a rich resource to support machine learning-based intrusion detection research in healthcare networks. A detailed summary of the dataset is presented in Table 4.
Table 4. Description of CICIoMT2024 Dataset.

4.3. ECU-IoHT Dataset

The ECU-IoHT dataset was developed to address the lack of publicly available data on healthcare cyberattacks, which is often constrained by privacy concerns. Created in a controlled experimental environment, it simulates various attacks, including ARP spoofing, DoS, Nmap port scans, and Smurf attacks, to expose vulnerabilities in IoMT systems. The dataset comprises 87,754 normal instances and 23,453 attack instances, with seven network-related features (e.g., source, destination, protocol). Table 5 provides a comprehensive summary of the dataset.
Table 5. Description of ECU IoHT dataset.

5. Experiment and Performance Evaluation

This section presents the experimental design and performance metrics employed for the evaluation. Subsequently, a detailed analysis of the results is provided, followed by a comparative analysis with existing literature to assess the efficacy of the proposed approach.

5.1. Experimental Setup

We implemented our proposed algorithm in Python (3.9.25), utilizing libraries such as NumPy, Pandas, Scikit-learn, and SciPy. Experiments were conducted on a system equipped with a 12th-generation Intel(R) Core(TM) i5-12600K processor (3.69 GHz) and 48 GB of RAM, running Ubuntu 20.04.4 with Linux kernel version 5.13.

5.2. Evaluation Metrics

To evaluate the performance of our proposed framework, we employed standard evaluation metrics commonly used in machine learning. Specifically, we computed accuracy, precision, recall, and the F1-score to assess the correctness of classifying network traffic into specific categories.
          Accuracy ( A ) = T P + T N T P + T N + F P + F N
Precision ( P ) = T P T P + F P
  Recall ( R ) = T P T P + F N
F1-Score = 2 · Precision · Recall Precision + Recall
The number of correctly classified instances for a given class is recorded as True Positives (TP). In contrast, the number of correctly classified instances that do not belong to that class is recorded as True Negatives (TN). Conversely, instances that were incorrectly classified are recorded as False Positives (FP) and False Negatives (FN).

5.3. Feature Engineering Results

To ensure the robustness and generalizability of the proposed EDR-based fuzzy J48 IDS, we employed a 10-fold cross-validation strategy during model evaluation. Specifically, the dataset was initially partitioned into three subsets: 70% for training, 15% for validation, and 15% for testing. Within the training set, k-fold cross-validation with k = 10 was applied, where in each iteration, one fold was reserved as an internal validation set and the remaining k 1 folds were used to train the model. This internal cross-validation was repeated ten times, and the performance metrics were averaged to reduce the impact of data bias and overfitting.
The Figure 3 presents EDR-based feature rankings across three IoMT datasets: WUSTL-EHMS-2020 (top), CICIoMT2024 (middle), and ECU-IoHT (bottom). For the WUSTL-EHMS-2020 dataset (top), which includes 44 features (35 network and 8 biometric), the EDR analysis identified the top 20 most discriminative features, which were selected for model training. The EDR values exhibit a broad range, reflecting high inter-class variability. The CICIoMT2024 dataset (middle), containing 49 flow-based features, showed a similar EDR distribution. The top 20 features with the highest EDR scores were retained to optimize model accuracy while reducing dimensionality. The ECU-IoHT dataset (bottom) is more compact with only 7 network features. Due to the limited dimensionality, the top 3 features, Length, Protocol, and Time, were selected based on their consistently high EDR values, indicating that these few features are uniformly informative for classification.
Figure 3. Feature rankings using EDR on three IoMT datasets: (a) WUSTL-EHMS-2020, (b) CICIoMT2024, and (c) ECU-IoHT.
Figure 4 presents the experimental comparison of classification accuracy using varying numbers of EDR-selected features across the two IoMT datasets, such as WUSTL-EHMS-2020 and CICIoMT2024 datasets. For WUSTL-EHMS-2020, accuracy consistently improved up to 10 selected features, beyond which performance slightly declined, indicating the introduction of redundant information. Similarly, the CICIoMT2024 dataset achieved its highest accuracy with 16 features, confirming that a compact and informative subset yields optimal results. In contrast, the ECU-IoHT dataset, with only seven original features, achieved its peak accuracy using the top three features: Length, Protocol, and Time, which highlighted their discriminative strength. These respective optimal feature counts are used for all subsequent performance analysis.
Figure 4. Accuracy vs number of features in different datasets.

5.4. Evaluation of EDR-FJ48 Performance

The proposed EDR-FJ48 method is evaluated across three benchmark IoMT datasets, such as WUSTL-EHMS-2020, CICIoMT2024, and ECU-IoHT, in comparison with several state-of-the-art approaches. The results are summarized in Table 6. On the WUSTL-EHMS-2020 dataset, the proposed EDR-FJ48 method outperforms baseline models such as SECIoHT IDS [21], FST-LSTM [23,29], LEMDA [24] and DNN-FL [32], achieving superior accuracy, precision, recall, and F1-score. Our method achieved an impressive classification accuracy of 99.68%, demonstrating a strong capability in accurately distinguishing between normal and attack traffic patterns. Notably, our earlier approach, EDR-J48 [1], also exhibited competitive performance on this dataset. In the case of the CICIoMT2024 and ECU-IoHT datasets, both of which include diverse attack patterns, our proposed method achieves high classification accuracies of 98.71% and 99.43%, respectively. While EDR-J48 [1] performs well in distinguishing between normal and attack patterns in binary classification settings, its effectiveness declines in multiclass scenarios. This limitation arises from the J48 decision tree’s reliance on static, axis-aligned decision boundaries, which are suitable for separating two distinct classes but struggle when multiple class regions overlap in feature space. As the number of classes increases, the likelihood of feature similarity and class overlap grows, making it challenging for J48 to generate clear and generalized decision partitions. Leveraging the fuzzy inference rule, which is well-suited for defining flexible and overlapping class boundaries, the proposed EDR-FJ48 method offers enhanced classification performance in complex, multiclass attack scenarios.
Table 6. Performance comparison of different algorithms across datasets.
Table 7, Table 8 and Table 9 present the class-wise performance metrics of the proposed EDR-FJ48 model, highlighting its consistent and high detection accuracy across all three datasets. On the WUSTL-EHMS-2020 dataset (Table 7), the model achieves near-perfect scores for both Spoofing and Normal classes, demonstrating its strong capability in detecting normal and attack patterns. In the CICIoMT2024 dataset (Table 8), despite the challenges posed by multiple and diverse attack types, the model maintains excellent performance with precision, recall, and F1-scores exceeding 0.90 for most classes, including perfect scores for MQTT and TCP-based DDoS attacks. The ECU-IoHT dataset (Table 9) also reflects strong results, with perfect classification for Smurf Attack and No Attack classes, and only marginal decreases in performance for ARP Spoofing and Nmap Port Scan. These findings confirm the robustness and generalizability of the EDR-FJ48 model in effectively handling both simple and complex intrusion detection tasks in varied IoMT environments.
Table 7. Class-wise performance metrics WUSTL-EHMS-2020.
Table 8. Class-wise performance metrics CICIoMT2024.
Table 9. Class-wise performance metrics ECU-IoHT dataset.
Figure 5 illustrates the confusion matrix of the proposed EDR-FJ48 model on the WUSTL-EHMS-2020 dataset, achieving an accuracy of 99.68% with a minimal misclassification rate of 0.0014%. Figure 6 depicts the confusion matrix results on the CICIoMT2024 dataset, where the model attains a high accuracy of 98.71% and a corresponding misclassification rate of 0.0261%. Figure 7 displays the confusion matrix for the ECU-IoHT dataset, illustrating a robust classification performance with 99.43% accuracy and a low misclassification rate of 0.0174%.
Figure 5. Confusion matrix for EDR-FJ48 on WUSTL-EHMS-2020 dataset.
Figure 6. Confusion matrix for EDR-FJ48 on CICIoMT2024 dataset.
Figure 7. Confusion matrix for EDR-FJ48 on ECU-IoHT dataset.
The ROC curves depicted in Figure 8a–c for the WUSTL-EHMS-2020, CICIoMT2024, and ECU-IoHT datasets, respectively, demonstrate the high discriminative ability of the proposed EDR-FJ48 model across all classes. The AUC values are consistently close to 1, indicating excellent attack detection in the IoMT environment. For the binary WUSTL-EHMS-2020 dataset, both attack and normal traffic patterns achieve near-perfect AUCs. In the more complex multiclass scenarios of CICIoMT2024 and ECU-IoHT, the model maintains strong separability between classes, with most AUC values exceeding 0.95.
Figure 8. AUC on the (a) WUSTL-EHMS-2020, (b) CICIoMT2024, and (c) ECU-IoHT dataset.
Figure 9 presents the training and testing performance of the EDR-FJ48 model on the WUSTL-EHMS-2020 dataset as the maximum tree depth increases. In Figure 9a, both training and testing accuracies steadily rise with increasing depth. As the tree depth increases, these values rise to 0.999 for training and 0.9968 for testing at a depth of 20, indicating improved learning capability. Figure 9b shows a consistent decline in log loss for both training and testing as tree depth increases. Training loss drops from about 0.08 to 0.03, while test loss decreases from 0.15 to 0.08. The narrowing gap between training and test loss reflects strong generalization, suggesting that deeper trees enhance the model’s performance without significant overfitting.
Figure 9. Performance evaluation of the EDR-FJ48 model on the WUSTL-EHMS-2020 dataset: Accuracy and loss across varying maximum tree depths.
Figure 10 illustrates the training and testing accuracy and log loss of the EDR-FJ48 model on the CICIoMT2024 dataset across varying values of maximum tree depth. As shown in Figure 10a, both training and testing accuracy steadily increase with deeper trees. Initially, at a depth of 3, the training and testing accuracies are relatively low, around 0.80 and 0.82, respectively. However, as the depth increases, the accuracies rise sharply, reaching approximately 0.98 at a depth of 20, indicating significant model improvement and better pattern learning. Conversely, Figure 10b shows that the training and testing log losses decrease consistently with increasing depth. The training loss drops from approximately 0.065 to 0.01, and the test loss decreases from 0.25 to around 0.09. This declining trend confirms that the model is learning effectively, minimizing the prediction error as it grows deeper. Notably, the gap between training and test loss remains minimal, demonstrating that the model maintains good generalization performance without overfitting. The convergence of accuracy and minimization of loss affirms that the chosen depth yields strong performance on both seen and unseen data.
Figure 10. Performance evaluation of the EDR-FJ48 model on the CICIoMT2024 dataset: Accuracy and loss across varying maximum tree depths.
Figure 11 presents the training and testing performance of the EDR-FJ48 model on the ECU-IoHT dataset concerning varying maximum tree depths. As illustrated in Figure 11a, the model’s accuracy improves progressively with increased depth. The training accuracy climbs from approximately 0.978 at depth 3 to nearly perfect at depth 20, indicating that the model learns more complex decision boundaries as depth increases. The test accuracy also improves initially, peaking around depth 10 and then stabilizing close to 0.9943, reflecting strong generalization on unseen data. In Figure 11b, the log loss plots further validate these observations. The training loss steadily decreases from around 0.10 to below 0.02, showing the model’s increasing confidence in its predictions. Similarly, the test loss drops sharply from 0.26 to 0.11, reflecting an improvement in predictive quality. Notably, the consistently decreasing test loss, accompanied by minimal overfitting, suggests that the model generalizes well even at higher depths.
Figure 11. Performance evaluation of the EDR-FJ48 model on the ECU-IoHT dataset: Accuracy and loss across varying maximum tree depths.
Figure 12 presents the fuzzy membership functions for selected input features of the EDR-FJ48 model on the WUSTL-EHMS-2020 dataset. Each subplot illustrates how a specific feature is transformed into linguistic terms such as Low, Medium, and High using Gaussian membership functions. Features such as Header_Length, Tot_size, Tot_sum, and HTTP exhibit sharp transitions, indicating well-separated data distributions. In contrast, standardized features like Protocol_Type, rst_count, and fin_count span both negative and positive ranges, resulting in smoother and more overlapping transitions. This fuzzification process enables more interpretable and flexible input representations, thereby enhancing the model’s capability to handle uncertainty, establish more precise class boundaries, and generalize effectively across diverse network traffic patterns.
Figure 12. Fuzzy membership function on WUSTL-EHMS-2020 dataset.
Figure 13 illustrates the fuzzy membership functions of selected features used in the EDR-FJ48 model trained on the CICIoMT2024 dataset. Each subplot represents the fuzzification of an input variable into three linguistic categories: Low, Medium, and High, using Gaussian membership functions. Features such as Header_Length, Tot_sum, HTTPS, and HTTP show sharply separated distributions, indicating a clear distinction among categories. Standardized features, such as Rate, syn_count, and Duration, exhibit smoother and more overlapping transitions, thereby enhancing the interpretability and adaptability of the fuzzy logic system. The systematic fuzzification of numerical and protocol-related features facilitates better handling of uncertainty, thereby contributing to improved detection accuracy across diverse and imbalanced traffic patterns typical of IoMT environments.
Figure 13. Fuzzy membership function on CICIoMT2024 dataset.
Figure 14 illustrates the fuzzy membership functions of three selected features, such as Header_Length, Tot size, and TCP, from the ECU-IoHT dataset as part of the EDR-FJ48 model. The membership curves demonstrate smooth and balanced transitions, particularly for Header_Length and Tot size, indicating standardized input scaling. The TCP feature exhibits a sharper transition from Low to High, reflecting strong feature polarity. This fuzzy representation facilitates the effective modeling of non-linear behavior and complex patterns within healthcare-related IoT traffic.
Figure 14. Fuzzy membership function on ECU-IoHT dataset.
The ablation study investigates the contribution of each key component, such as PCA, EDR, fuzzification, and J48 classifier, by systematically disabling them and evaluating the impact on classification accuracy across three benchmark datasets. As shown in Table 10, the complete EDR-FJ48 model consistently delivers the highest accuracy, demonstrating the effectiveness of its integrated architecture. In the WUSTL-EHMS-2020 dataset, which contains both normal and attack patterns, the model achieves an accuracy of 99.68%. The removal of the fuzzification step results in only a minor drop in accuracy, indicating that fuzzification is less critical for binary scenarios. Conversely, in multiclass datasets such as CICIoMT2024 and ECU-IoHT, fuzzification and EDR play a more influential role. Disabling EDR or fuzzification results in noticeable performance degradation, dropping from 98.73% to 77% and from 99.21% to 78.36%, respectively, highlighting their importance in effectively handling class diversity and improving discrimination in multiclass intrusion detection. These results underscore the importance of EDR and fuzzification in achieving robust performance in complex, multiclass IoMT scenarios.
Table 10. Ablation study on different datasets and results.
Table 11 presents the execution time and memory usage of the proposed algorithm evaluated across three datasets. The results demonstrate that the algorithm maintains a low computational footprint, with execution times ranging from approximately 2.08 to 3.49 s and memory usage between 6.19 and 8.81 MiB. These lightweight resource requirements indicate its suitability for deployment on resource-constrained IoT and edge devices. This framework prioritizes real-world deployment by ensuring minimal execution time and efficient memory utilization, thereby enhancing detection accuracy and overall system responsiveness.
Table 11. Execution time and Memory usage of EDR-J48 in different datasets.

6. Discussion

The proposed EDR-FJ48 framework combines Empirical Distribution Ranking feature selection with a fuzzy-enhanced J48 decision tree classifier to improve intrusion detection in Internet of Medical Things networks. EDR-FJ48 has several advantages, including its robustness and interpretability. The EDR method emphasizes the statistical differences in feature distributions between classes, enabling the selection of highly discriminatory attributes. This is especially useful in multiclass IoMT traffic environments where small changes in traffic behavior must be identified across multiple attack types. Furthermore, the inclusion of fuzzy logic improves the model’s ability to handle noisy traffic data, which is common in real-world IoT contexts. It delivers interpretable, rule-based conclusions that are practical for security experts. In terms of resource efficiency, experimental results show that EDR-FJ48 requires only modest memory (6–9 MiB) and execution time (2–4 s), which affirms its feasibility for deployment on constrained IoMT devices. This enables real-time detection capabilities at the network edge, minimizing dependency on cloud-based processing and accelerating threat mitigation.
However, despite these strengths, the proposed model exhibits certain limitations. It is sensitive to variations in network environments and heavily dependent on the quality and representativeness of the datasets used for training. Additionally, it may be susceptible to evolving cyber threats, as it has not been explicitly evaluated for its effectiveness in detecting zero-day or adversarial attacks, which limits its demonstrated robustness against unknown threats. The framework also involves resource-intensive training processes and faces challenges in simultaneously optimizing detection accuracy and computational efficiency, which may hinder its deployment in diverse and resource-constrained industrial scenarios. Furthermore, the current reliance on manual feature engineering, even when supported by EDR, limits the model’s adaptability to dynamic and evolving traffic patterns.

7. Conclusions

To address the security challenges of IoMT networks, this work proposes the EDR-FJ48 algorithm for accurate detection of both normal and malicious traffic patterns, enabling the identification of various attack types within IoMT environments. The proposed methodology incorporates feature engineering to reduce data redundancy and enhance feature representation. By utilizing a fuzzy membership function, the model effectively manages uncertainty, improves interpretability, and establishes clear decision boundaries. When tested on the WUSTL-EHMS-2020, CICIoMT2024, and ECU-IoHT datasets, the proposed method achieves high accuracy.
To enhance the real-world applicability of EDR-FJ48, future research should focus on expanding its generalization capabilities across a wider array of IoMT environments. This includes validating performance using more diverse, real-world datasets. Improving robustness against zero-day threats is also critical; this can be addressed through the integration of continual learning, zero-shot or few-shot learning techniques, and anomaly detection modules. In addition, exploring model compression, fuzzy rule simplification, and federated learning can optimize the framework for efficient deployment in large-scale, resource-constrained networks. Moreover, incorporating adaptive mechanisms to handle dynamic traffic and evolving threat landscapes will further improve the framework’s resilience and long-term scalability in the ever-changing IoMT ecosystem.

Author Contributions

Conceptualization, J.C.; methodology, J.C.; software, J.C.; validation, L.T.; formal analysis, J.C.; investigation, L.T.; resources, A.C. and Y.-B.K.; data curation, J.C.; writing—original draft preparation, J.C.; writing—review and editing, L.T., A.C. and Y.-B.K.; visualization, L.T.; supervision, A.C. and Y.-B.K.; project administration, A.C. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by a grant of the Korea Health Technology R&D Project through the Korea Health Industry Development Institute (KHIDI), funded by the Ministry of Health & Welfare, Republic of Korea (grant number: HI22C0646).

Data Availability Statement

The datasets analyzed in this study are publicly available from the following sources: (i) Washington University in St. Louis—EHMS dataset: https://www.cse.wustl.edu/~jain/ehms/index.html; (ii) Canadian Institute for Cybersecurity—CIC IoMT 2024 dataset: https://www.unb.ca/cic/datasets/iomt-dataset-2024.html; and (iii) Edith Cowan University—IoHT datasets: https://ro.ecu.edu.au/datasets/48/ (accessed on 1 July 2025).

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Tileutay, L.; Chandroth, J.; Lim, K.-W.; Ko, Y.-B.; Roh, B.-H. Empirical distribution ranking based decision tree algorithm for building intrusion detection system in the Internet of Medical Things. In Proceedings of the 2024 IEEE Annual Congress on Artificial Intelligence of Things (AIoT), Melbourne, Australia, 6–7 August 2024; pp. 87–92. [Google Scholar] [CrossRef]
  2. Alhaj, T.A.; Abdulla, S.M.; Iderss, M.A.E.; Ali, A.A.A.; Elhaj, F.A.; Remli, M.A.; Gabralla, L.A. A survey: To govern, protect, and detect security principles on Internet of Medical Things (IoMT). IEEE Access 2022, 10, 124777–124791. [Google Scholar] [CrossRef]
  3. Hireche, R.; Mansouri, H.; Pathan, A.-S.-K. Security and privacy management in Internet of Medical Things (IoMT): A synthesis. J. Cybersecur. Priv. 2022, 2, 640–661. [Google Scholar] [CrossRef]
  4. Shehabat, I.M.; Al-Hussein, N. Deploying Internet of Things in healthcare: Benefits, requirements, challenges and applications. J. Commun. 2018, 13, 574–580. [Google Scholar] [CrossRef]
  5. Salem, O.; Alsubhi, K.; Shaafi, A.; Gheryani, M.; Mehaoua, A.; Boutaba, R. Man-in-the-middle attack mitigation in Internet of Medical Things. IEEE Trans. Ind. Inform. 2022, 18, 2053–2062. [Google Scholar] [CrossRef]
  6. Weber, S.B.; Stein, S.; Pilgermann, M.; Schrader, T. Attack detection for medical cyber-physical systems—A systematic literature review. IEEE Access 2023, 11, 41796–41815. [Google Scholar] [CrossRef]
  7. Unal, D.; Bennbaia, S.; Catak, F.O. Machine learning for the security of healthcare systems based on Internet of Things and edge computing. In Cybersecurity and Cognitive Science; Elsevier: Amsterdam, The Netherlands, 2022; pp. 299–320. [Google Scholar]
  8. Si-Ahmed, A.; Al-Garadi, M.A.; Boustia, N. Survey of machine learning based intrusion detection methods for Internet of Medical Things. Appl. Soft Comput. 2023, 140, 110227. [Google Scholar] [CrossRef]
  9. Hernandez-Jaimes, M.L.; Martinez-Cruz, A.; Ramírez-Gutiérrez, K.A.; Feregrino-Uribe, C. Artificial intelligence for IoMT security: A review of intrusion detection systems, attacks, datasets and Cloud–Fog–Edge architectures. Internet Things 2023, 23, 100887. [Google Scholar] [CrossRef]
  10. Sohail, F.; Bhatti, M.A.M.; Awais, M.; Iqtidar, A. Explainable boosting ensemble methods for intrusion detection in Internet of Medical Things (IoMT) applications. In Proceedings of the 2024 4th International Conference on Digital Futures and Transformative Technologies (ICoDT2), Islamabad, Pakistan, 15–16 October 2024; pp. 1–8. [Google Scholar] [CrossRef]
  11. Reddy, A.K. AI vs. traditional IDS: Comparative analysis of real-world detection capabilities. Int. J. Res. Inf. Technol. Comput. Commun. (IJRITCC) 2024, 12, 1120–1127. [Google Scholar]
  12. Dini, P.; Elhanashi, A.; Begni, A.; Saponara, S.; Zheng, Q.; Gasmi, K. Overview on intrusion detection systems design exploiting machine learning for networking cybersecurity. Appl. Sci. 2023, 13, 7507. [Google Scholar] [CrossRef]
  13. Sánchez, N.; Calvo, A.; Escuder, S.; Escrig, J.; Domenech, J.; Ortiz, N.; Mhiri, S. Towards enhanced IoT security: Advanced anomaly detection using transformer models. In Proceedings of the KDD 4th Workshop on Artificial Intelligence-Enabled Cybersecurity Analytics, Barcelona, Spain, 26 August 2024. [Google Scholar]
  14. Kumar, M.; Kim, C.; Son, Y.; Singh, S.K.; Kim, S. Empowering cyberattack identification in IoHT networks with neighborhood-component-based improvised long short-term memory. IEEE Internet Things J. 2024, 11, 16638–16646. [Google Scholar] [CrossRef]
  15. Akar, G.; Sahmoud, S.; Onat, M.; Cavusoglu, Ü.; Malondo, E. L2D2: A novel LSTM model for multi-class intrusion detection systems in the era of IoMT. IEEE Access 2025, 13, 7002–7013. [Google Scholar] [CrossRef]
  16. Mezina, A.; Nurmi, J.; Ometov, A. Novel hybrid UNet++ and LSTM model for enhanced attack detection and classification in IoMT traffic. IEEE Access 2025, 13, 57589–57603. [Google Scholar] [CrossRef]
  17. Dadkhah, S.; Pinto Neto, E.C.; Ferreira, R.; Molokwu, R.C.; Sadeghi, S.; Ghorbani, A.A. CICIoMT2024: A benchmark dataset for multi-protocol security assessment in IoMT. Internet Things 2024, 28, 101351. [Google Scholar] [CrossRef]
  18. Kumar, M.; Singh, S.K.; Kim, S. Hybrid deep learning-based cyberthreat detection and IoMT data authentication model in smart healthcare. Future Gener. Comput. Syst. 2025, 166, 107711. [Google Scholar] [CrossRef]
  19. Alferaidi, A.; Yadav, K.; Alharbi, Y.; Alreshidi, E.J.; Alreshidi, A.; Aboshosha, B.W.; Sharma, R.; Alkhayyat, A.; Aray, D.G. A novel hybrid BERT and deep learning model network intrusion detection system for healthcare electronics. IEEE Trans. Consum. Electron. 2024, 71, 1322–1331. [Google Scholar] [CrossRef]
  20. Kumar, M.; Kim, S. Securing the Internet of Health Things: Embedded federated learning-driven long short-term memory for cyberattack detection. Electronics 2024, 13, 3461. [Google Scholar] [CrossRef]
  21. Mosaiyebzadeh, F.; Pouriyeh, S.; Han, M.; Liu, L.; Xie, Y.; Zhao, L.; Batista, D.M. Privacy-preserving federated learning-based intrusion detection system for IoHT devices. Electronics 2025, 14, 67. [Google Scholar] [CrossRef]
  22. Nasayreh, A.; Khalid, H.M.; Alkhateeb, H.K.; Al-Manaseer, J.; Ismail, A.; Gharaibeh, H. Automated detection of cyber attacks in healthcare systems: A novel scheme with advanced feature extraction and classification. Comput. Secur. 2025, 150, 104288. [Google Scholar] [CrossRef]
  23. Zhang, Y.; Zhu, D.; Wang, M.; Li, J.; Zhang, J. A comparative study of cyber security intrusion detection in healthcare systems. Int. J. Crit. Infrastruct. Prot. 2024, 44, 100658. [Google Scholar] [CrossRef]
  24. Ghubaish, A.; Yang, Z.; Erbad, A.; Jain, R. LEMDA: A novel feature engineering method for intrusion detection in IoT systems. IEEE Internet Things J. 2024, 11, 13247–13256. [Google Scholar] [CrossRef]
  25. Shaikh, J.A.; Wang, C.; Saifullah, M.W.U.; Sima, M.W.U.; Arshad, M.; Rathore, W.U.A. Memory feedback transformer based intrusion detection system for IoMT healthcare networks. Internet Things 2025, 32, 101597. [Google Scholar] [CrossRef]
  26. Al-Hawawreh, M.; Hossain, M.S. A human-centered quantum machine learning framework for attack detection in IoT-based healthcare Industry 5.0. IEEE Internet Things J. 2025, 12, 46065–46074. [Google Scholar] [CrossRef]
  27. Fahim-Ul-Islam, M.; Chakrabarty, A.; Alam, M.G.R.; Maidin, S.S. A resource-efficient federated learning framework for intrusion detection in IoMT networks. IEEE Trans. Consum. Electron. 2025, 71, 4508–4521. [Google Scholar] [CrossRef]
  28. Pandey, C.; Tiwari, V.; Francis, S.A.J.; Pal, V.; Sinha Roy, D. MF-CGAN: Multifeature conditional GAN for synthetic data generation in Internet of Medical Things. IEEE Internet Things J. 2025, 12, 13469–13476. [Google Scholar] [CrossRef]
  29. Alalhareth, M.; Hong, S.-C. An adaptive intrusion detection system in the Internet of Medical Things using fuzzy-based learning. Sensors 2023, 23, 9247. [Google Scholar] [CrossRef]
  30. Pritika, P.; Shanmugam, B.; Azam, S. Risk evaluation and attack detection in heterogeneous IoMT devices using hybrid fuzzy logic analytical approach. Sensors 2024, 24, 3223. [Google Scholar] [CrossRef]
  31. Almogren, A.; Mohiuddin, I.; Din, I.U.; Almajed, H.; Guizani, N. FTM-IoMT: Fuzzy-based trust management for preventing Sybil attacks in Internet of Medical Things. IEEE Internet Things J. 2021, 8, 4485–4497. [Google Scholar] [CrossRef]
  32. Mosaiyebzadeh, F.; Pouriyeh, S.; Parizi, R.M.; Han, M.; Batista, D.M. Intrusion detection system for IoHT devices using federated learning. In Proceedings of the IEEE INFOCOM 2023—IEEE Conference on Computer Communications Workshops (INFOCOM WKSHPS), Hoboken, NJ, USA, 20 May 2023; pp. 1–6. [Google Scholar] [CrossRef]
  33. Kim, C.; So-In, C.; Kongsorot, Y.; Aimtongkham, P. FLSec-RPL: A fuzzy logic-based intrusion detection scheme for securing RPL-based IoT networks against DIO neighbor suppression attacks. Cybersecurity 2024, 7, 27. [Google Scholar] [CrossRef]
  34. Qiu, X.; Shi, L.; Fan, P. A cooperative intrusion detection system for Internet of Things using fuzzy logic and an ensemble of convolutional neural networks. Sci. Rep. 2025, 15, 15934. [Google Scholar] [CrossRef]
  35. Hameed, I.A. Using Gaussian membership functions for improving the reliability and robustness of students’ evaluation systems. Expert Syst. Appl. 2011, 38, 7135–7142. [Google Scholar] [CrossRef]
  36. Hady, A.A.; 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–106584. [Google Scholar] [CrossRef]
  37. Dadkhah, S.; Pinto Neto, E.C.; Ferreira, R.; Molokwu, R.C.; Sadeghi, S.; Ghorbani, A.A. CICIoMT2024: Attack vectors in healthcare devices—A multi-protocol dataset for assessing IoMT device security. Internet Things 2024, 28, 101351. [Google Scholar] [CrossRef]
  38. Ahmed, M.; Byreddy, S.; Nutakki, A.; Sikos, L.F.; Haskell-Dowland, P. ECU-IoHT; Edith Cowan University: Joondalup, WA, Australia, 2020. [Google Scholar] [CrossRef]
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Article Metrics

Citations

Article Access Statistics

Article metric data becomes available approximately 24 hours after publication online.