Next Article in Journal
A Multi-Party Privacy-Preserving Record Linkage Method Based on Secondary Encoding
Next Article in Special Issue
Short-Term Wind Speed Prediction for Bridge Site Area Based on Wavelet Denoising OOA-Transformer
Previous Article in Journal
Dynamics of a Stochastic Predator–Prey Model with Smith Growth Rate and Cooperative Defense
Previous Article in Special Issue
Enhancing Security and Efficiency: A Fine-Grained Searchable Scheme for Encryption of Big Data in Cloud-Based Smart Grids
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Machine Learning-Based Framework with Enhanced Feature Selection and Resampling for Improved Intrusion Detection

1
Department of Computer Science, Iqra University Islamabad, Islamabad 44000, Pakistan
2
Department of Computer Engineering, Jeju National University, Jejusi 63243, Republic of Korea
3
Department of Information Technology, College of Computer and Information Sciences, Princess Nourah bint Abdulrahman University, P.O. Box 84428, Riyadh 11671, Saudi Arabia
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Mathematics 2024, 12(12), 1799; https://doi.org/10.3390/math12121799
Submission received: 29 April 2024 / Revised: 3 June 2024 / Accepted: 6 June 2024 / Published: 9 June 2024
(This article belongs to the Special Issue Artificial Intelligence and Data Science)

Abstract

:
Intrusion Detection Systems (IDSs) play a crucial role in safeguarding network infrastructures from cyber threats and ensuring the integrity of highly sensitive data. Conventional IDS technologies, although successful in achieving high levels of accuracy, frequently encounter substantial model bias. This bias is primarily caused by imbalances in the data and the lack of relevance of certain features. This study aims to tackle these challenges by proposing an advanced machine learning (ML) based IDS that minimizes misclassification errors and corrects model bias. As a result, the predictive accuracy and generalizability of the IDS are significantly improved. The proposed system employs advanced feature selection techniques, such as Recursive Feature Elimination (RFE), sequential feature selection (SFS), and statistical feature selection, to refine the input feature set and minimize the impact of non-predictive attributes. In addition, this work incorporates data resampling methods such as Synthetic Minority Oversampling Technique and Edited Nearest Neighbor (SMOTE_ENN), Adaptive Synthetic Sampling (ADASYN), and Synthetic Minority Oversampling Technique–Tomek Links (SMOTE_Tomek) to address class imbalance and improve the accuracy of the model. The experimental results indicate that our proposed model, especially when utilizing the random forest (RF) algorithm, surpasses existing models regarding accuracy, precision, recall, and F Score across different data resampling methods. Using the ADASYN resampling method, the RF model achieves an accuracy of 99.9985% for botnet attacks and 99.9777% for Man-in-the-Middle (MITM) attacks, demonstrating the effectiveness of our approach in dealing with imbalanced data distributions. This research not only improves the abilities of IDS to identify botnet and MITM attacks but also provides a scalable and efficient solution that can be used in other areas where data imbalance is a recurring problem. This work has implications beyond IDS, offering valuable insights into using ML techniques in complex real-world scenarios.

1. Introduction

Due to the advancement of internet technology, internet-based services have become trendy in the last two decades, especially after the COVID-19 pandemic [1]. People typically use smartphones, laptops, tablets, and other electronic gadgets to access such services anytime and anywhere. As a result, the data start traveling through these networks between the machines and data storage centers, which could contain sensitive or private information [2]. Hence, it also creates a new opportunity for the attackers to break the security walls and launch widespread attacks that the organization and the individuals may threaten [3]. Attackers use a variety of cutting-edge tactics to attack system security flaws. It might result in the misuse of private or sensitive information, unauthorized access to the system, or a breach of client accounts [4]. Defending against these assaults, safeguarding highly sensitive data, and protecting the networks from external threats have become the primary concerns for researchers and scientists [5]. Therefore, in current trends, one of the most prominent and popular mechanisms is IDS, which investigates incoming traffic and is classified as legitimate or malicious to detect potential threats in specific systems or networks [6].
An IDS is one of the critical security measures presently used as security techniques in the modern world to protect a network or system from potential attacks [7]. Even though many IDSs have been established over the past 20 years to identify and guard against prospective attacks, they still need more flexibility and scalability, which makes them continually exposed to hidden attacks [8]. Consequently, the domain of IDSs is a highly significant area of research due to the increasing number of attacks. An extensive IDS is necessary to analyze the vast amount of data, identify the crucial characteristics, and classify the traffic as either malicious or normal to prevent all potential attacks [9]. However, it might be challenging for an IDS to analyze incoming traffic to extract helpful or pertinent information from the massive amounts of data generated by evolving technologies and transmitted over networks [10]. To address these challenges, IDSs must employ a large dataset and feature selection methods capable of eliminating irrelevant data and identifying the features that impact attack detection [11]. Moreover, a large dataset sometimes includes noise and redundant or duplicate elements. In addition, a possible side effect of considering a massive dataset is that the feature count rises in direct correlation with the total number of observations [12]. It may lead to a significant number of false positive findings. Although numerous features in IDS datasets shed light on traffic flow anomalies, not all may be necessary for detection. Therefore, picking more useful features can boost IDS efficiency and effectiveness. The real-world data of internet traffic have very few samples of an attack and many samples of a normal class, which leads to a class imbalance problem. Many studies have used feature selection methods in this context to address data dimension issues and data resampling methods to solve the class imbalance problem. However, they have higher false positive and lower true positive rates. This study proposed a method to enhance the prediction performance of an ML model for detecting attack classes with lower false positive rates.
This study utilizes feature selection and data resampling methods with ML models to handle the abovementioned problems. SFS, RFE, and statistical feature selection are utilized to select the relevant features. The Principal Component Analysis (PCA) and Deep Autoencoder (DAE) extract the features from the MITM and botnet attack datasets. The fusion of PCA and DAE is performed using the early fusion strategy. Further, SMOTE_ENN, ADASYN, and SMOTE_Tomek methods are used to perform data resampling of minority and majority classes of datasets. The performance results of the RF, Gradient Boosting (GB), TabNet, and neural oblivious decision ensembles (NODE) models are evaluated using the abovementioned feature selection and data resampling methods. The experiments of ML models are performed on WUSTL and UNSW 2018 datasets, respectively, for MITM and botnet attack classification. The key contribution of this study is listed below:
  • Utilized several feature selection methods to select the relevant features;
  • Employed several data resampling methods to solve the class-imbalanced problem;
  • Conducted the experiments using the deep tabular and tree-based methods;
  • Utilized the Bayesian optimization method to search the optimal parameters of learning models.
The rest of the paper has been organized as follows: Section 2 presents the existing literature on intrusion detection systems. Section 3 presents the proposed methodology. Section 4 and Section 5 present the results and conclusions of the proposed intrusion detection system.

2. Related Work

In the paper  [13], the authors analyzed the possibility of implementing ML-based IDS for resource-constrained Internet of Things (IoT) systems. The proposed ML system is used to identify abnormal activity on vulnerable IoT networks. The ideal solution for a Deep Learning (DL) based IDS is assessing the technique’s performance against five diverse attack situations, including opportunistic service attacks, black holes, Distributed Denial of Service (DDoS), sinkholes, and wormhole attacks. Through the review of precision–recall curves, an average rate of precision of 95% and a rate of recall of 97% for various attack conditions were achieved. In another significant contribution to the field, Ref. [14] presents a new model for IDS that relies on a unique two-tier classification model and a two-layer dimension reduction approach. This model identifies malignant actions such as remote to local and root attacks. Linear Discriminant Analysis (LDA) achieves the model’s dimensionality reduction. In contrast, a two-tier classification model is employed to detect malicious activity based on k-nearest neighbor (KNN) factor rendition and Naive Bayes (NB). The model’s effectiveness is demonstrated through the NSL-KDD dataset, where it outperforms previous models in identifying U2R and R2L attacks with detection accuracies of 70.15% and 42%.
In the paper [15], the authors proposed an anomaly detection technique utilizing DL methods for gateway intrusion detection and Support Vector Machine (SVM) for Wireless Sensor Network (WSN) intrusion identification. The proposed detection protocol actively hierarchically performs an on-demand SVM classifier, when an intrusion is supposed to occur. The ML classification with a statistical methodology for malignant node localization was combined. The methodology combined statistical-based and two ML methods and identified this attack with accuracy (over 95%) when malignant node packet dropping rates were high. In the study  [16], the authors presented the enhanced Genetic Algorithm (GA) integrated with a Deep Belief Network (DBN) in a paper. DBN improved the classification results and was capable of processing high-dimensional data effectively. After several rounds, GA generated the optimal network structure. DBN then categorized the attacks using the network structure gained as an intrusion detection system. Finally, the algorithm model was simulated and assessed using the NSL-KDD dataset. The challenge of selecting an appropriate network architecture while employing deep learning techniques for intrusion detection was addressed while protecting against diverse threats. It improved the model’s classification accuracy and prediction while reducing network complexity.
The paper [17] suggests an effective ensemble feature selection technique for IDS to identify the best-performing subset for attack detection. The KDDCup-99 network dataset compares the performance results with the standard feature selection techniques. The reported outcomes confirm our system’s effectiveness in F Score, AUC score, accuracy, recall, precision, and execution time. The paper  [18] presented a novel Golden Jackal Optimization Algorithm-based method for network security that combines a DL-assisted intrusion detection system with the Golden Jackal Optimization Algorithm. The primary goal of this system is to identify and classify intrusions to ensure network security accurately. This method uses the Attention-based Bidirectional Long Short-term Memory (A-BiLSTM) model. Based on the comparative results, this method beats the other models. The paper [19] developed a novel, effective defensive solution against adversarial ML attacks for IDS. Using Thompson sampling, Apollon’s multi-armed bandits model selects the optimal classifier for every real-time input. It adds uncertainty to the IDS behavior, making it harder for attackers to duplicate and generate unfriendly traffic.
The paper [20] presented a model combining different algorithms that significantly improve detection features. Their method obtains time-based relevant features using a Bidirectional Long Short-term Memory Network (BI-LSTM) and a Temporal Convolutional Network (TCN), then reduces the dimensional of the features using a Stacked Sparse Autoencoder (SSAE). By fine-tuning the time steps, they highlight the importance of temporal data in promoting detection accuracy. This study [21] aims to create and utilize a Deep Neural Network (DNN) model to determine computer network intrusions. The CICIDS 2017 dataset’s data imbalance problem is addressed using SMOTE and random sampling methods. With an accuracy score of 99.68% and a loss of 0.0102, the results show that the DL model performed well at predicting attacks using the CICIDS 2017 dataset. The paper [22] proposed a method to combat security challenges and ensure the safety of IoT networks. They combine different DL and optimization techniques to support IoT devices against possible threats and unauthorized access. Various samples were collected from the NSL-KDD and BoT-IoT datasets to authenticate the efficiency of the proposed method.
The paper [23] used a Convolutional Neural Network (CNN) for botnet attack detection. A DL-based categorization model is applied to detect botnet activity in network traffic. The CTU-13 dataset trains and evaluates a real-time model to identify zero-day botnet attacks. Using the neural networks, the proposed model demonstrates good results in correctly detecting botnet attacks. The results show that the Artificial Neural Network (ANN) model can correctly and effectively detect botnets. The study [24] utilized the B-CAT model, which uses deep attack behavior analysis on network traffic flows for botnet detection. A DL architecture’s automatic feature extraction capabilities are highlighted as a significant advantage in botnet detection. The proposed approach consists of two primary parts. The first phase is to train and build a knowledge base, then proceed to test for botnet activity and attack characteristics. It employs dynamic thresholds to improve the model’s sensitivity in identifying attack elements via similarity analysis. Experiments have been carried out for the evaluation using three unique datasets, with the results revealing that some performed better than others.
The study [25] presented a novel approach for enhancing botnet attack detection in IoT devices. The study utilized the UNSW-NB15 dataset and evaluated the proposed system using various classification models, including decision trees, random forests, k-nearest neighbors, adaptive boosting, and bagging. This study utilized three feature selection methods: generalized normal distribution optimization, correlation analysis, and the lasso method. The experimental results show that the Adaboost model has 99.38% accuracy. Another study [26] utilized the PCA to extract the features of DDoS attack classification. RF, KNN, and Naïve Bayes (NB) were used to evaluate the effectiveness of the feature extraction. The results of the experiments show that combining PCA and Robust Scaler preprocessing approaches significantly improves the accuracy of DDoS attack detection in connected devices.
The study [27] proposed an intelligent detection system for identifying cyber-attacks in Industrial IoT networks. The proposed model uses the Singular Value Decomposition (SVD) technique to reduce data features and improve detection results. They used the SMOTE technique to avoid over-fitting and under-fitting issues that result in biased classification. Several ML and DL algorithms have been implemented to classify data for binary and multi-class classification. They evaluated the efficacy of the proposed intelligent model on the ToN dataset. The proposed approach achieved an accuracy rate of 99.99%, a reduced error rate of 0.001% for binary classification, an accuracy rate of 99.98%, and a reduced error rate of 0.016% for multi-class classification. The study [28] presented a BEFNNet (BERT-based Feed-Forward Neural Network) framework suitable for malware detection. This study used an innovative architecture with several modules to analyze eight datasets, each representing a different kind of malware. The Spotted Hyena Optimizer (SHO) was employed to optimize BEFNNet and demonstrate its flexibility in handling various types of malware data. BEFSONet has been shown to have outstanding performance metrics in numerous exploratory research and comparative evaluations. The paper [29] thoroughly investigated an IDS in an IoT system. This work will assist researchers by offering advice on dataset selection and proving the utility of the Fisher score technique. Careful comparative research uses selection approaches, such as Mutual Information (MI), Chi-Square (CHI), PCA, and RFE. This study utilized the logistic regression model. The findings highlight the Fisher Score algorithm’s significance and accuracy in selecting essential criteria for intrusion detection in IoT systems.

3. Proposed Methodology for Intrusion Detection

Figure 1 presents the architecture of the proposed work for intrusion detection. This study performed the experiments using the WUSTL and UNSW datasets. In the pre-processing stage, this study selected the optimal features using sequential feature selection, Recursive Feature Elimination, and statistical feature importance methods. This study also used data resampling methods such as SMOTE_ENN, ADASYN, and SMOTE_Tomek to resample the data. After this, RF, GB NODE, and TabNet models for intrusion detection were used. The performance of these methods was evaluated using the accuracy, precision, recall, and f-score metrics. Algorithm 1 shows the steps of the proposed methodology.
Algorithm 1: ML methods for intrusion detection.
Mathematics 12 01799 i001

3.1. MITM and Botnet Attack Dataset Detail

This study utilized the two benchmark datasets to validate the model performance. The details of these datasets are given below.

3.1.1. WUSTL Man-in-the-Middle Attack Dataset

The WUSTL dataset belongs to the Internet of Medical Things (IoMT) environment, and it contains information on the biometric flow of the patient and the network flow metric. The Enhanced Healthcare Monitoring System (EHMS) testbed created this real-time WUSTL dataset. This dataset has 43 independent features and one target label. Thirty-five features in this dataset are related to the network flow metrics, and eight features are associated with the biometric flow of the patients. It has 16,318 instances, 14,272 related to the normal class, and 2046 to the attack class. The class distribution of the WUSTL dataset is presented in Figure 2.
Figure 2 shows the attack and normal class distributions. In this figure, the x-axis represents the classes, and the y-axis represents the number of samples or data points. It depicts that the attack class has fewer samples than the normal class and is highly imbalanced.

3.1.2. UNSW 2018 Bot-Net IoT

In their study, Koroniotis presented the bot IoT dataset [30]. At UNSW Canberra’s research cyber range lab, they set up a testbed setting. This dataset has 29 features that are related to network traffic. This complete dataset consists of 16.7 GB; however, we used a subset of this dataset for the experiment, and the name of this dataset is UNSW2018IoTBotNetDataset. This CSV file has 972,839 instances; 971,149 belong to a normal class, and 1690 belong to an attack class. The class distribution of a UNSW 2018 dataset is presented in Figure 3.
Figure 3 shows the class distribution of normal and attack classes. In this figure, the x-axis values show the class labels and the y-axis represents the data samples on the log scale. This study used the log scale on a y-axis to show the distribution of an attack class. In the attack class, we have 1690 data samples; in the normal class, we have 971,149 data samples.

3.2. Data Pre-Processing, Feature Selection, Feature Extraction and Data Resampling Methods for Intrusion Detection

Data preprocessing is a process of preparing raw data for ML model training. This study utilizes label encoding and the z-score method to transform text categories into numerics. The z-score standard scaling method converts the data to the same scale. Label encoding is a technique for transforming categorical data into numerical form. The WUSTL and UNSW 2018 datasets have some text categorical features. This study converts those text-categorical features into numeric categories using the label encoding. Data standardization is a method for bringing features to the same scale. Both the WUSTL and UNSW datasets have some features with different scales of values. Standardizing these data reduces the impact of features with larger values and promotes fair learning across all features. It converts the data between 0 and 1. It is computed using Equation (1):
Z = X i μ σ
where X i is an ith input feature, and μ and σ are the mean and standard deviation of the data.

3.2.1. Feature Selection Methods for Intrusion Detection

Feature selection is a method in which a subset of relevant features is selected from the original dataset to increase the model’s accuracy. It also helps to reduce the possibility of a model over-fitting [31]. This study utilized the RFE, SFS, and statistical feature selection methods to select the relevant feature from the original dataset.

3.2.2. Recursive Feature Elimination (RFE) Method

Recursive Feature Elimination is a selective feature elimination technique for identifying essential features in a dataset. The process involves the model with residual features, removing the less important parts until the desired number of features is identified and eliminating the weakest features [32]. This study utilized this feature selection method to select the most relevant and informative features from the WUSTL and UNSW datasets. This feature selection method selects the top 17 best features from the UNSW and 24 features from the WUSTL dataset.

3.2.3. Sequential Feature Selection (SFS) Method

The sequential feature selection method selects the best K from the original feature sets using the forward and backward feature strategies. The SFS is a greedy feature selection approach that iteratively evaluates the multiple feature sets and selects the best feature set based on cross-validation accuracy. This study applies this method on a WUSTL and UNSW dataset to select the top 24 and 17 best features based on a cross-validation accuracy score, respectively [33]. This study utilized the forward strategy, which adds the features to the selected features until a desired number of features is selected.

3.2.4. Statistical Feature Selection Method

The feature selection technique identifies relevant elements that support the data’s learning patterns and are more closely connected with the attack or normal class output labels. This study presents a combined feature rank that analyzes the importance of each feature and quantifies its contribution to the attack classification process [34]. The combined feature rank is calculated using the standard deviation and the mean and median differences of both the WUSTL and UNSW datasets. The highest-valued characteristics have robust matching and minimal redundancy. The steps of this feature selection method are presented below.
  • Calculate the dataset’s standard deviation σ .
  • Sort the characteristics by standard deviation, from highest to lowest. Assign the rank determined from standard deviation σ as R a n k 1.
  • Measure the absolute difference D between the dataset’s mean and median features.
  • Rank characteristics depending on their differential value, from high to low. Assign the rating generated from difference D as R a n k 2.
  • Find the combined feature rank: Combined Feature Rank = R a n k 1 + R a n k 2.
  • Recursively add features to the feature subset based on their combined rank until the accuracy is equal to the previously calculated feature subset.
This feature selection method selects the 24 features from the WUSTL dataset and the 17 best features from the UNSW dataset.

3.2.5. Feature Extraction Method for Intrusion Detection

This study used the DAE and PCA to extract features from both datasets. The details of both methods are presented in the subsequent section.

3.2.6. Deep Autoencoder for Feature Extraction

The DAE is a feed-forward neural network that can be used as an unsupervised selection tool. It can identify the most critical storage location identifiers for reconstructing the input data. Autoencoders are specialized neurons that learn how to reconstruct feedback. The WUSTL and UNSW datasets are passed as input to an encoder of this model’s module. The encoder learns the initial representation of standard data and its return with minimal errors. The encoder of this model compresses the input data of MITM and botnet attacks. The decoder attempts to rebuild the information from these compressed data of MITM and botnet attack [35].

3.2.7. Principal Component Analysis for Feature Extraction

The PCA is a dimensionality reduction technique used to reduce the dimensionality of large datasets. The main goal of PCA is to reduce the dimensionality of a dataset to preserve important patterns or relationships between variables without prior knowledge of the target variable. This study utilized the PCA method to reduce the dimensionality of the WUSTL and UNSW datasets. Using the PCA method, higher-dimensional space is mapped to data in a lower-dimensional space [36].

3.2.8. Fusion of Principal Component Analysis and Deep Autoencoder Features

This study fused the extracted features after extracting them using the PCA and DAE. It used the early fusion method [37], which fuses information before starting the primary learning process. It helps to preserve the information from both methods to enhance the model performance. Figure 4 shows the architecture of the early fusion method.

3.2.9. Data Resampling to Balance Class Distribution in WUSTL and UNSW Data

Data resampling is the selection of random cases for replacement from the original data sample so that any number of samples drawn contains cases similar to the original data sample. Using data resampling methods can reduce the possibility of over-fitting, which occurs when the model is too complex and fits the training data too well [38].

3.2.10. Synthetic Minority Oversampling Technique and Edited Nearest Neighbor

The Synthetic Minority Oversampling Technique (SMOTE) is a statistical technique that allows us to increase the amount of information in our dataset to make it balanced. This study passes the WUSTL and UNSW data as input to a SMOTE_ENN method. SMOTE clusters the observations in the minority (attack) class by linear interpolation to increase the number of samples in the minority (attack) class. At the same time, the Edited Nearest Neighbors (ENNs) reduces the number of samples in the majority (normal) class by removing noisy samples from the majority (normal) class [39]. The main goal of this method is to enhance the data points of an attack class and reduce the data points of a normal class for both the WUSTL and UNSW datasets.

3.2.11. Adaptive Synthetic Sampling (ADASYN) for Data Re-Sampling

The ADASYN resampling method is employed to solve the class imbalanced problem of WUSTL and UNSW datasets. This method focuses on the feature space of the original dataset and considers the learning difficulty for each minority sample (attack class). This method generates synthetic samples tailored to that particular class by calculating the density distribution of each minority attack (class). Based on their unique local distributions, it creates new data points, particularly for the minority (attack class) [40].

3.2.12. Synthetic Minority Oversampling Technique–Tomek Links (SMOTE_Tomek)

SMOTE_Tomek is an extended version of SMOTE that handles categorical and numerical data. This method is effective because we can use the SMOTE for numerical features before utilizing the nearest neighbors of the newly created synthetic samples to determine the value of categorical features. This method consists of three steps: select similar samples in a feature space, create a line between the features, and generate the synthetic sample at a point along that line. It utilizes the SMOTE and Tomek under-sampling techniques while removing the overlapping majority (attack) classes. This study used this method to balance the class distribution of an attack and normal class for both WUSTL and UNSW datasets [41].

3.3. ML Models for Intrusion Detection

TabNet, RF, GB, and NODE models are applied to process data to classify attacks. The Bayesian optimization method tunes a hyperparameter, and the K-fold cross-validation method validates the model. Bayesian optimization utilizes probabilistic mechanisms such as the Gaussian process. It uses the acquisition function that controls the balance between exploitation and exploration. Bayesian optimization best suits situations where evaluations are expensive for multiple trials. It utilizes the surrogate model in internal processes that reduce the computation time. The objective is to use the RF and GB models that perform well in the case of tabular data, provide robustness against over-fitting, and handle the large feature set effectively. On the other hand, the TabNet and NODE models offer the benefit of handling high-dimensional data and model flexibility to learning patterns compared to traditional decision trees, respectively.

3.3.1. Random Forest Model for Intrusion Detection

The random forest model is an ensemble learning method commonly used in ML for prediction tasks. It is more suitable for structural tabular data because of its ability to handle high-dimensional data, resistance to over-fitting, and robustness. This study used this model for MITM and botnet attack classification. The features of the WUSTL and UNSW datasets are passed to an RF model, and the input data are split using the bootstrapping method. The multiple decision trees are grown and combined with their output to reach the final result. Each decision tree model gives the output based on the input data. The RF model merges the final output using the voting mechanism [42]. The hyperparameter of the RF model is presented in Table 1.

3.3.2. Gradient Boosting Model for Intrusion Detection

Gradient Boosting is another ensemble learning method in ML. This study used the GB model for MITM and botnet attack classification because it works better for tabular structural data such as hand datasets. The GB model consists of combining multiple weak learners into strong learners. This study trained this model sequentially on WUSTL and UNSW datasets, and each new model corrected the errors of the previous one. The idea is gradually approaching the optimal prediction by learning from previous misclassifications of an attack or normal class. In this model, the gradient of the loss function is computed in each iteration, and then a new weak learner is trained to minimize the error. The final model is an ensemble of weak learners, refined and combined to create a better and more accurate model with minimized error on attack and normal classes [43]. The hyperparameter of a GB model is presented in Table 2.

3.3.3. TabNet Model for Intrusion Detection

TabNet is a DL model specially designed for tabular data. This study used the TabNet model to classify a botnet and MITM attack. The features of WUSTL and UNSW are passed to a feature transformer of a TabNet model, which transforms them into a more valuable data representation. After the attentive transformer block, the attention transformer block helps the model focus on essential network traffic features and ignore irrelevant ones. At each decision step, the attentive transformer selects which feature to pay attention to based on its importance for the current input. This step is followed by feature masking that makes the model learn from the informative features and improves its generalization ability, preventing over-fitting. The split block splits the processed network traffic data into multiple parts, facilitating efficient processing and decision-making. In the decoder phase, the TabNet model takes the organized network traffic data from the encoder to make predictions of attack or normal classes [44]. The hyperparameter of a TabNet model is presented in Table 3.
Neural Oblivious Decision Ensembles (NODE) Model for Intrusion Detection
Neural oblivious decision ensembles are a DL model that combines the strength of neural networks and decision trees. This study employed this model to classify MITM and botnet attacks. The network traffic data are passed to a NODE model, which uses decision trees to consider multiple network traffic features at each decision node. It enables the model to capture complex interactions, leading to a better understanding of relationships between the target class label of normal and attack classes and network traffic input features. This model also utilizes a neural attention mechanism to assign weights to features and decision trees to help identify their relevance and importance. This process allows the models to focus more on the data’s essential aspects, which helps improve accuracy. In the prediction phase, it combines the predictions of several pairs of decision trees and neural networks to make the final prediction. By combining the strengths of both models, NODE improves interpretability and accuracy [45]. The NODE model is effective for intrusion detection due to its combination of the interpretability of decision trees and the flexibility and power of neural networks. The hyperparameter of a NODE model is presented in Table 4.

3.4. Evaluation Metrics for Validating ML Model Performance

In an ML paradigm, evaluation metrics are used to evaluate models’ performance. These metrics help stakeholders see the effectiveness of the ML model on unseen data. This study used the following evaluation metrics.

3.4.1. Accuracy

Accuracy is a metric by which we can determine the model’s true prediction. The formula to determine accuracy is correct prediction divided by total prediction (true and false):
A c c u r a c y = C o r r e c t P r e d i c t i o n / T o t a l P r e d i c t i o n

3.4.2. Precision

Precision measures how often a model predicts the correct answer from a training dataset. The formula for precision divides the actual true prediction by the total number of true predictions (true and false):
P r e c i s i o n = T P / ( T P + F P )

3.4.3. Recall

Recall determines how many times the model recognizes the true value. It is computed by dividing the true prediction by the total of true positives and false negative predictions:
R e c a l l = T P / ( T P + F N )

3.4.4. F Score

F score is a harmonic mean of precision and recall. It is computed using the equation
F s c o r e = 2 × ( P r e c i s i o n × R e c a l l ) ( P r e c i s i o n + R e c a l l )

4. Results and Discussion

This section discusses the results of our proposed method for classifying attacks. The botnet and MITM attack dataset has many features and an imbalanced class distribution. This imbalanced class distribution affects a model’s performance, and redundant features cause over-fitting. This work utilized the feature selection method to select the optimal feature from the dataset, and different variants of the SMOTE data resampling methods were used in this study to balance the class distribution. This work performed the experiments using the two datasets and utilized several feature selection and data resampling methods to accurately predict attack and normal classes. This study monitored the impact of feature selection and data resampling methods on the experimental results. Table 5 shows the details of the experimental setup. Table 6 presents the experimental results of fused features using the three data resampling methods for botnet attack classification. Table 7 presents the results of the RFE feature selection method for botnet attack classification. Similarly, Table 8 and Table 9 present the experimental results of ML models using the SFS and statistical feature selection methods for botnet attack classification. The experimental results for MITM attack classification are presented in Table 10, Table 11, Table 12 and Table 13, respectively, using the fused features, RFE, SFS, and statistical feature selection.

4.1. Experimental Results of Botnet Attack Classification

This section presents the results of an ML model for botnet attack classification. Table 6 shows the results of ML models using the fused feature with three different resampling techniques: SMOTE_ENN, ADASYN, and SMOTE_Tomek. The random forest model performs better than other ML models with all resampling methods. The NODE model has lower prediction results than other learning models on the three data resampling methods. The highest prediction accuracy of the RF model is 99.9985% with the ADASYN resampling and statistical feature selection method.
Table 7 presents the results of ML models using the RFE feature selection method. The RF model has better prediction performance than the other models. With this feature selection method, the RF model has the highest prediction performance of 99.99% with a SMOTE_ENN resampling method. On the other hand, the GB and NODE models have lower prediction performance.
In Table 8, the results of SFS feature selection are presented. The results demonstrate that the RF model has higher prediction results with SMOTE_ENN, ADASYN, and SMOTE_Tomek data resampling methods. At the same time, the GB model shows variability in performance, especially under the ADASYN technique, where it drops to around 97.13% in precision. The TabNet and NODE models perform better under the ADASYN data resampling method.
Table 9 demonstrates the results of ML models using the statistical feature selection method. The presented results show that under the ADASYN resampling method, the RF model has better results than the other models. On the other hand, the TabNet model maintains the performance and shows robustness across different resampling methods. The presented results highlight the effectiveness of the RF and TabNet model with the statistical feature selection method.
Figure 5 presents the f score of an ML model for botnet attack classification using different feature selection methods. Each sub-figure’s x-axis represents the data resampling method, and the y-axis represents the f-score value of each data resampling method. The f score of the ML model is visualized for each resampling method. The experimental results show that the ADASYN data resampling method has better prediction results for botnet attack classification. It shows that the RF model has higher prediction performance than the ADASYN resampling method using the statistical features. Data resampling, feature selection, and parameter tuning enable the learning model to achieve a high f-score value. Because data resampling methods enable fair class distribution, using a feature selection helps to reduce the noise in the data by selecting the relevant features.
Figure 6 presents the confusion metrics of an RF model for botnet attack classification with different feature selection methods. This figure only shows the model’s confusion metrics, where the RF model has a lower misclassification rate. This figure presents the effectiveness of a feature selection method for botnet attack classification. Figure 6a shows that the RF model has the highest misclassification rate with fused features. However, Figure 6d demonstrates that the misclassification rate of an RF model is more reduced with the statistical feature selection method than with the fused features.The RFE feature selection method also has fewer misclassification errors than the fused and SFS feature selection methods. The results of the RF model demonstrate that the utilization of a statistical feature selection method improves the performance of a model in terms of f score and reduces the misclassification error.

4.2. Experimental Results of MITM Attack Classification

This section shows the results of an ML model for MITM attack classification. In Table 10, the results of the fused feature method are presented for MITM attack classification. The RF model has higher prediction performance with the SMOTE_ENN resampling technique. Further, with an ADASYN resampling method, the performance of a RF model is decreased. However, NODE, TabNet, and GB show variability in performance across the data resampling techniques. It demonstrates that the PCA and DAE do not extract the accurate features from the MITM attack dataset.
Table 11 presents the results of MITM attack detection with the RFE feature selection method. With this feature selection method, the results of an RF model improve more than the fused features. It shows the effectiveness of an RF model for MITM attack detection. The NODE model shows more variability in performance, but it has poor performance in terms of f score and accuracy.
Table 12 shows the experimental results of an SFS feature selection. With the ADASYN data resampling method, the RF model achieves better prediction results regarding accuracy score metrics of 99.9694%. With this feature selection method, the NODE model improves the prediction results more than the RFE feature selection method. However, the TabNet model shows more variability with all data resampling methods.
Table 13 describes the experimental results of the statistical feature selection method. The RF model performs better with the SMOTE_ENN method. With this feature selection method, the performance of an ADASYN feature selection method is slightly lower than that of the SMOTE_Tomek data re-sampling method. However, the TabNet model has a lower f score and accuracy rate than the other models.
Figure 7 presents the f score of an ML model with different feature selection methods for an MITM attack classification. The x-axis of a figure represents the data resampling method, and the y-axis represents the f score of models for the data resampling technique. It shows that the RF model has a higher f-score value with the statistical and RFE feature selection methods. However, the TabNet and NODE models show more variability regarding the f score value for all feature selection methods. Data resampling and feature selection methods enable the learning models to achieve better prediction results.
Figure 8 shows the confusion metrics of an RF model for MITM attack classification. In this figure, we only represent confusion, where we have a lower classification rate of the feature selection method. The results in Figure 8b,d show that the RF model achieves a low classification error with the RFE and statistical feature selection methods. However, the fused features and SFS feature selection method have a higher misclassification error than the RFE and statistical feature selection method. The presented results show the effectiveness of the feature selection method in reducing the misclassification error for MITM attack classification.

4.3. Comparative Analysis of a Proposed Method with the Existing Methods

Works in the literature have applied many methods to classify a botnet and MITM attack. However, the existing techniques have lower prediction performance and high misclassification rates. Table 14 presents the results of the existing and proposed method for botnet and MITM attack classification. The experimental findings of the proposed work demonstrate an improved performance that surpasses that of existing approaches.
Table 14 concludes that the proposed strategy has significantly improved prediction results on the WUSTL and UNSW datasets than the existing methods. This study achieved these better and improved results by utilizing the feature selection, data resampling, and optimization of hyperparameters that enabled the learning model to capture the complex pattern of network traffic data. In the proposed strategy, the feature selection method selects the relevant features that reduce the noise and probability of over-fitting. Further, using the data resampling method enables fair learning in class distribution by balancing the class distribution of WUSTL and UNSW data.

5. Conclusions

The intrusion detection system is crucial in safeguarding network infrastructures against cyber threats. However, they frequently encounter challenges such as elevated false positive rates and model bias caused by imbalanced data and irrelevant feature sets. This study utilized SFS, RFE, statistical feature selection methods and SMOTE_ENN, SMOTE_Tomek, and ADASYN data resampling methods to enhance the performance of intrusion detection. A feature selection method aims to reduce the feature of in-hand data and select the subsets of a feature that contribute to improving the performance of a model. The purpose of a data resampling method is to balance the data distribution and reduce the possibility of a model over-fitting towards the majority class. This study applied the TabNet, RF, NODE, and GB models to pre-processed data and performed the experiments on WUSTL and UNSW datasets. The experimental result shows that the RFE and statistical feature selection methods have better prediction results than the ADASYN data resampling method. Amongst the learning models, the RF model has fewer misclassification errors on both datasets, reducing the misclassification errors compared to the existing methods. The findings of the proposed study conclude that we can utilize the RF model with statistical feature selection and ADASYN data resampling methods to analyze real-time traffic in the IoT network and track abnormal traffic. In the future, we can utilize the federated learning paradigm to consider the non-independent and identically distributed environment, where some clients have some attack classes and are absent from some classes. We collaboratively learn from other clients about these absence classes.

Author Contributions

Conceptualization, F.M. and Q.W.K.; methodology, F.M., Q.W.K. and R.A.; software, F.M.; validation, G.A. and R.A.; formal analysis, Q.W.K., A.R. and F.M.; investigation, Q.W.K. and F.M.; resources, G.A. and R.A.; data curation, Q.W.K., A.R. and F.M.; writing—original draft preparation, F.M., Q.W.K. and R.A; writing—review and editing, R.A. and G.A.; visualization, G.A.; supervision, G.A. and R.A.; project administration, R.A. All authors have read and agreed to the published version of the manuscript.

Funding

Princess Nourah bint Abdulrahman University Researchers Supporting Project number (PNURSP2024R408), Princess Nourah bint Abdulrahman University, Riyadh, Saudi Arabia.

Data Availability Statement

Data is available.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
IDSIntrusion Detection System
RFERecursive Feature Elimination
SFSSequential Feature Selection
SMOTE_ENNSynthetic Minority Oversampling Technique and Edited Nearest Neighbor
ADASYNAdaptive Synthetic Sampling
NODENeural Oblivious Decision Ensembles
GBGradient Boosting
RFRandom Forest
MITMMan-in-the-Middle
MLMachine Learning
IoTInternet of Things
DLDeep Learning
LDALinear Discriminant Analysis
KNNk-Nearest Neighbor
SVMSupport Vector Machine
WSNWireless Sensor Network
BI-LSTMLong Short-term Memory Network
TCNTemporal Convolutional Network
SSAEStacked Sparse Autoencoder
CNNConvolutional Neural Network

References

  1. Rahman, Z.; Haque, M.A.; Aziz, D.A.B. Internet Usage During and Post COVID-19 Pandemic: A Study on the Students of Information Science and Library Management in the University of Rajshahi, Bangladesh. Libr. Philos. Pract. 2023, 1–15. Available online: https://digitalcommons.unl.edu/libphilprac/7621/ (accessed on 28 April 2024).
  2. Javaid, M.; Haleem, A.; Singh, R.P.; Suman, R. Towards insighting cybersecurity for healthcare domains: A comprehensive review of recent practices and trends. Cyber Secur. Appl. 2023, 1, 100016. [Google Scholar] [CrossRef]
  3. Liu, X.; Ahmad, S.F.; Anser, M.K.; Ke, J.; Irshad, M.; Ul-Haq, J.; Abbas, S. Cyber security threats: A never-ending challenge for e-commerce. Front. Psychol. 2022, 13, 927398. [Google Scholar] [CrossRef]
  4. Aswathy, S.; Tyagi, A.K. Privacy Breaches through Cyber Vulnerabilities: Critical Issues, Open Challenges, and Possible Countermeasures for the Future. In Security and Privacy-Preserving Techniques in Wireless Robotics; CRC Press: Boca Raton, FL, USA, 2022; pp. 163–210. [Google Scholar]
  5. Arogundade, O.R. Network security concepts, dangers, and defense best practical. Comput. Eng. Intell. Syst. 2023, 14, 25–38. [Google Scholar]
  6. Vaigandla, K.; Azmi, N.; Karne, R. Investigation on intrusion detection systems (IDSs) in IoT. Int. J. Emerg. Trends Eng. Res. 2022, 10, 158–166. [Google Scholar]
  7. Bediya, A.K.; Kumar, R. A novel intrusion detection system for internet of things network security. In Research Anthology on Convergence of Blockchain, Internet of Things, and Security; IGI Global: Hershey, PA, USA, 2023; pp. 330–348. [Google Scholar]
  8. Thakkar, A.; Lohiya, R. A survey on intrusion detection system: Feature selection, model, performance measures, application perspective, challenges, and future research directions. Artif. Intell. Rev. 2022, 55, 453–563. [Google Scholar] [CrossRef]
  9. Momand, A.; Jan, S.U.; Ramzan, N. A systematic and comprehensive survey of recent advances in intrusion detection systems using machine learning: Deep learning, datasets, and attack taxonomy. J. Sensors 2023, 2023, 6048087. [Google Scholar] [CrossRef]
  10. Ponnusamy, V.; Yichiet, A.; Jhanjhi, N.; Almufareh, M.F. IoT wireless intrusion detection and network Traffic Analysis. Comput. Syst. Sci. Eng. 2022, 40, 865. [Google Scholar] [CrossRef]
  11. Umar, M.A.; Chen, Z.; Shuaib, K.; Liu, Y. Effects of feature selection and normalization on network intrusion detection. Authorea Prepr. 2024. [Google Scholar] [CrossRef]
  12. Latif, S.; Dola, F.F.; Afsar, M.; Esha, I.J.; Nandi, D. Investigation of Machine Learning Algorithms for Network Intrusion Detection. Int. J. Inf. Eng. Electron. Bus. 2022, 14, 1–22. [Google Scholar] [CrossRef]
  13. Thamilarasu, G.; Chawla, S. Towards deep-learning-driven intrusion detection for the internet of things. Sensors 2019, 19, 1977. [Google Scholar] [CrossRef] [PubMed]
  14. Pajouh, H.H.; Javidan, R.; Khayami, R.; Dehghantanha, A.; Choo, K.K.R. A two-layer dimension reduction and two-tier classification model for anomaly-based intrusion detection in IoT backbone networks. IEEE Trans. Emerg. Top. Comput. 2016, 7, 314–323. [Google Scholar] [CrossRef]
  15. Yahyaoui, A.; Abdellatif, T.; Attia, R. Hierarchical anomaly based intrusion detection and localization in IoT. In Proceedings of the 2019 15th International Wireless Communications & Mobile Computing Conference (IWCMC), Tangier, Morocco, 24–28 June 2019; pp. 108–113. [Google Scholar]
  16. Zhang, Y.; Li, P.; Wang, X. Intrusion detection for IoT based on improved genetic algorithm and deep belief network. IEEE Access 2019, 7, 31711–31722. [Google Scholar] [CrossRef]
  17. Osa, E.; Orukpe, P.E.; Iruansi, U. Design and implementation of a deep neural network approach for intrusion detection systems. E-Prime Electr. Eng. Electron. Energy 2024, 7, 100434. [Google Scholar] [CrossRef]
  18. He, Z.; Wang, X.; Li, C. A Time Series Intrusion DetectionMethod Based on SSAE, TCN and Bi-LSTM. Comput. Mater. Contin. 2024, 78. [Google Scholar] [CrossRef]
  19. Alotaibi, A.; Rassam, M.A. Adversarial machine learning attacks against intrusion detection systems: A survey on strategies and defense. Future Internet 2023, 15, 62. [Google Scholar] [CrossRef]
  20. Aljehane, N.O.; Mengash, H.A.; Eltahir, M.M.; Alotaibi, F.A.; Aljameel, S.S.; Yafoz, A.; Alsini, R.; Assiri, M. Golden jackal optimization algorithm with deep learning assisted intrusion detection system for network security. Alex. Eng. J. 2024, 86, 415–424. [Google Scholar] [CrossRef]
  21. Akhiat, Y.; Touchanti, K.; Zinedine, A.; Chahhou, M. IDS-EFS: Ensemble feature selection-based method for intrusion detection system. Multimed. Tools Appl. 2024, 83, 12917–12937. [Google Scholar] [CrossRef]
  22. Nanjappan, M.; Pradeep, K.; Natesan, G.; Samydurai, A.; Premalatha, G. DeepLG SecNet: Utilizing deep LSTM and GRU with secure network for enhanced intrusion detection in IoT environments. Clust. Comput. 2024, 1–13. [Google Scholar] [CrossRef]
  23. Ahmed, A.A.; Jabbar, W.A.; Sadiq, A.S.; Patel, H. Deep learning-based classification model for botnet attack detection. J. Ambient Intell. Humaniz. Comput. 2022, 13, 3457–3466. [Google Scholar] [CrossRef]
  24. Putra, M.A.R.; Ahmad, T.; Hostiadi, D.P. B-CAT: A model for detecting botnet attacks using deep attack behavior analysis on network traffic flows. J. Big Data 2024, 11, 49. [Google Scholar] [CrossRef]
  25. Alshaeaa, H.Y.; Ghadhban, Z.M. Developing a hybrid feature selection method to detect botnet attacks in IoT devices. Kuwait J. Sci. 2024, 51, 100222. [Google Scholar] [CrossRef]
  26. Dash, S.K.; Dash, S.; Mahapatra, S.; Mohanty, S.N.; Khan, M.I.; Medani, M.; Abdullaev, S.; Gupta, M. Enhancing DDoS attack detection in IoT using PCA. Egypt. Inform. J. 2024, 25, 100450. [Google Scholar] [CrossRef]
  27. Soliman, S.; Oudah, W.; Aljuhani, A. Deep learning-based intrusion detection approach for securing industrial Internet of Things. Alex. Eng. J. 2023, 81, 371–383. [Google Scholar] [CrossRef]
  28. Almazroi, A.A.; Ayub, N. Deep learning hybridization for improved malware detection in smart Internet of Things. Sci. Rep. 2024, 14, 7838. [Google Scholar] [CrossRef]
  29. Angelin, J.A.B.; Priyadharsini, C. Deep Learning based Network based Intrusion Detection System in Industrial Internet of Things. In Proceedings of the 2024 2nd International Conference on Intelligent Data Communication Technologies and Internet of Things (IDCIoT), Bengaluru, India, 4–6 January 2024; pp. 426–432. [Google Scholar]
  30. Koroniotis, N.; Moustafa, N.; Sitnikova, E.; Turnbull, B. Towards the development of realistic botnet dataset in the internet of things for network forensic analytics: Bot-iot dataset. Future Gener. Comput. Syst. 2019, 100, 779–796. [Google Scholar] [CrossRef]
  31. Turukmane, A.V.; Devendiran, R. M-MultiSVM: An efficient feature selection assisted network intrusion detection system using machine learning. Comput. Secur. 2024, 137, 103587. [Google Scholar] [CrossRef]
  32. Sharma, N.V.; Yadav, N.S. An optimal intrusion detection system using recursive feature elimination and ensemble of classifiers. Microprocess. Microsystems 2021, 85, 104293. [Google Scholar] [CrossRef]
  33. Polat, H.; Polat, O.; Cetin, A. Detecting DDoS attacks in software-defined networks through feature selection methods and machine learning models. Sustainability 2020, 12, 1035. [Google Scholar] [CrossRef]
  34. Thakkar, A.; Lohiya, R. Fusion of statistical importance for feature selection in Deep Neural Network-based Intrusion Detection System. Inf. Fusion 2023, 90, 353–363. [Google Scholar] [CrossRef]
  35. Song, Y.; Hyun, S.; Cheong, Y.G. Analysis of autoencoders for network intrusion detection. Sensors 2021, 21, 4294. [Google Scholar] [CrossRef]
  36. Almaiah, M.A.; Almomani, O.; Alsaaidah, A.; Al-Otaibi, S.; Bani-Hani, N.; Hwaitat, A.K.A.; Al-Zahrani, A.; Lutfi, A.; Awad, A.B.; Aldhyani, T.H. Performance investigation of principal component analysis for intrusion detection system using different support vector machine kernels. Electronics 2022, 11, 3571. [Google Scholar] [CrossRef]
  37. Khan, Q.W.; Ahmad, R.; Rizwan, A.; Khan, A.N.; Park, C.W.; Kim, D. Multi-modal fusion approaches for tourism: A comprehensive survey of data-sets, fusion techniques, recent architectures, and future directions. Comput. Electr. Eng. 2024, 116, 109220. [Google Scholar] [CrossRef]
  38. Bagui, S.; Mink, D.; Bagui, S.; Subramaniam, S.; Wallace, D. Resampling Imbalanced Network Intrusion Datasets to Identify Rare Attacks. Future Internet 2023, 15, 130. [Google Scholar] [CrossRef]
  39. Abdelmoumin, G.; Rawat, D.B.; Rahman, A. Studying Imbalanced Learning for Anomaly-Based Intelligent IDS for Mission-Critical Internet of Things. J. Cybersecur. Priv. 2023, 3, 706–743. [Google Scholar] [CrossRef]
  40. Bagui, S.; Li, K. Resampling imbalanced data for network intrusion detection datasets. J. Big Data 2021, 8, 6. [Google Scholar] [CrossRef]
  41. Sams Aafiya Banu, S.; Gopika, B.; Esakki Rajan, E.; Ramkumar, M.; Mahalakshmi, M.; Emil Selvan, G. SMOTE Variants for Data Balancing in Intrusion Detection System Using Machine Learning. In Proceedings of the International Conference on Machine Intelligence and Signal Processing, Raipur, India, 12–14 March 2022; Springer: Berlin/Heidelberg, Germany, 2022; pp. 317–330. [Google Scholar]
  42. Alshamy, R.; Ghurab, M.; Othman, S.; Alshami, F. Intrusion detection model for imbalanced dataset using SMOTE and random forest algorithm. In Proceedings of the Advances in Cyber Security: Third International Conference (ACeS 2021), Penang, Malaysia, 24–25 August 2021; Revised Selected Papers 3. Springer: Berlin/Heidelberg, Germany, 2021; pp. 361–378. [Google Scholar]
  43. Mishra, S. An optimized gradient boost decision tree using enhanced African buffalo optimization method for cyber security intrusion detection. Appl. Sci. 2022, 12, 12591. [Google Scholar] [CrossRef]
  44. Arik, S.Ö.; Pfister, T. Tabnet: Attentive interpretable tabular learning. In Proceedings of the AAAI Conference on Artificial Intelligence, Virtually, 2–9 February 2021; Volume 35, pp. 6679–6687. [Google Scholar]
  45. Popov, S.; Morozov, S.; Babenko, A. Neural oblivious decision ensembles for deep learning on tabular data. arXiv 2019, arXiv:1909.06312. [Google Scholar]
  46. Kerrakchou, I.; Abou El Hassan, A.; Chadli, S.; Emharraf, M.; Saber, M. Selection of efficient machine learning algorithm on Bot-IoT dataset for intrusion detection in internet of things networks. Indones. J. Electr. Eng. Comput. Sci. 2023, 31, 1784–1793. [Google Scholar] [CrossRef]
  47. Zaman, S.; Iqbal, M.M.; Tauqeer, H.; Shahzad, M.; Akbar, G. Trustworthy communication channel for the iot sensor nodes using reinforcement learning. In Proceedings of the 2022 International Conference on Emerging Trends in Electrical, Control, and Telecommunication Engineering (ETECTE), Lahore, Pakistan, 2–4 December 2022; pp. 1–6. [Google Scholar]
  48. Ravi, V.; Pham, T.D.; Alazab, M. Deep Learning-Based Network Intrusion Detection System for Internet of Medical Things. IEEE Internet Things Mag. 2023, 6, 50–54. [Google Scholar] [CrossRef]
  49. Judith, A.; Kathrine, G.J.W.; Silas, S. Efficient Deep Learning-Based Cyber-Attack Detection for Internet of Medical Things Devices. Eng. Proc. 2023, 59, 139. [Google Scholar] [CrossRef]
  50. Dina, A.S.; Siddique, A.; Manivannan, D. A deep learning approach for intrusion detection in Internet of Things using focal loss function. Internet Things 2023, 22, 100699. [Google Scholar] [CrossRef]
Figure 1. Architecture diagram of proposed ML-based intrusion detection system.
Figure 1. Architecture diagram of proposed ML-based intrusion detection system.
Mathematics 12 01799 g001
Figure 2. Distribution of a WUSTL dataset’s class label.
Figure 2. Distribution of a WUSTL dataset’s class label.
Mathematics 12 01799 g002
Figure 3. Distribution of a UNSW 2018 dataset’s class label.
Figure 3. Distribution of a UNSW 2018 dataset’s class label.
Mathematics 12 01799 g003
Figure 4. Architecture diagram of DAE and PCA feature’s fusion.
Figure 4. Architecture diagram of DAE and PCA feature’s fusion.
Mathematics 12 01799 g004
Figure 5. F score performance of ML models by feature selection and resampling methods in botnet attack classification.
Figure 5. F score performance of ML models by feature selection and resampling methods in botnet attack classification.
Mathematics 12 01799 g005
Figure 6. Confusion metrics of RF model using different feature selection method for botnet attack classification. (a) Confusion metrics of RF model using fused features with ADASYN resampling. (b) Confusion metrics of RF model using the RFF feature selection method with SMOTE_ENN resampling. (c) Confusion metrics of RF model using SFS feature selection method with ADASYN resampling. (d) Confusion metrics of RF model using statistical feature selection method with ADASYN resampling.
Figure 6. Confusion metrics of RF model using different feature selection method for botnet attack classification. (a) Confusion metrics of RF model using fused features with ADASYN resampling. (b) Confusion metrics of RF model using the RFF feature selection method with SMOTE_ENN resampling. (c) Confusion metrics of RF model using SFS feature selection method with ADASYN resampling. (d) Confusion metrics of RF model using statistical feature selection method with ADASYN resampling.
Mathematics 12 01799 g006
Figure 7. F score performance of ML models by feature selection and resampling methods in MITM attack classification.
Figure 7. F score performance of ML models by feature selection and resampling methods in MITM attack classification.
Mathematics 12 01799 g007
Figure 8. Confusion metrics of RF model using different feature selection method for MITM attack classification. (a) Confusion metrics of RF model using fused features. (b) Confusion metrics of RF model using the RFF feature selection method. (c) Confusion metrics of RF model using SFS feature selection method. (d) Confusion metrics of RF model using statistical feature selection method.
Figure 8. Confusion metrics of RF model using different feature selection method for MITM attack classification. (a) Confusion metrics of RF model using fused features. (b) Confusion metrics of RF model using the RFF feature selection method. (c) Confusion metrics of RF model using SFS feature selection method. (d) Confusion metrics of RF model using statistical feature selection method.
Mathematics 12 01799 g008
Table 1. Hyperparameter of random forest.
Table 1. Hyperparameter of random forest.
S.No.HyperparameterValues
1N Estimators48
2CriterionGini
3BootstrapTrue
4Max Features15
5Max Depth9
6Min Samples Split2
7Random StateNone
8Min Samples Leaf1
Table 2. Hyperparameter of gradient boosting.
Table 2. Hyperparameter of gradient boosting.
S.No.HyperparameterValues
1Learning Rate0.1
2Max Features12
3N Estimators40
4Max Depth7
5Min Samples Split2
6Random StateNone
7Min Samples Leaf1
Table 3. Hyperparameter of TabNet model.
Table 3. Hyperparameter of TabNet model.
S.No.Name of ParameterValues
1OptimizerAdam
2Learning Rate0.02
3Output Layer Activation FunctionSigmoid
4Batch Size512
5Epochs35
Table 4. Hyperparameter of NODE model.
Table 4. Hyperparameter of NODE model.
S.No.Name of ParameterValues
1OptimizerAdam
2Learning Rate0.001
3Batch Size32
4Epochs30
5Activation FunctionSigmoid
6Number of Trees5
Table 5. Detail of experimental setup.
Table 5. Detail of experimental setup.
S.No.ComponentsDetail
1Hardware SystemIntel Core i9 10th Gen
2Operating SystemWindow 11
3RAM64 GB
4Data File FormatCSV
5Programming LanguagePython
6Required PackagesNumpy, Pandas, Hyperopt, Imblearn, Scikit, Pytorch, Matplotlib, Seaborn
7IDEVs Code
Table 6. Experimental results of botnet classification using fused features.
Table 6. Experimental results of botnet classification using fused features.
MethodAccuracy (%)Precision (%)Recall (%)F Score (%)
SMOTE_ENN
RF99.917699.917599.917699.9175
NODE97.310297.284997.310296.8299
TabNet99.789999.788999.789999.7885
GB98.789098.786998.789098.7111
Experimental Results of ADASYN
RF99.946799.946699.946799.9466
NODE97.474297.917297.474297.6177
TabNet99.950199.950199.950199.9500
GB98.481498.466198.481498.3924
Experimental Results of SMOTE_Tomek
RF99.937999.937899.937999.9379
NODE96.689496.408596.689496.3190
TabNet99.936599.936599.936599.9363
GB98.447398.437798.447398.3492
Table 7. Experimental results of botnet classification using RFE features.
Table 7. Experimental results of botnet classification using RFE features.
MethodAccuracy (%)Precision (%)Recall (%)F Score (%)
SMOTE_ENN
RF99.996199.996199.996199.9961
NODE95.496695.700195.496693.6086
TabNet99.935399.935399.935399.9351
GB99.231399.219599.231399.2111
Experimental Results of ADASYN
RF99.979699.979699.979699.9796
NODE94.186494.524494.186491.3786
TabNet99.895899.895999.895899.8953
GB99.278599.269399.278599.2658
Experimental Results of SMOTE_Tomek
RF99.979699.979699.979699.9796
NODE94.186494.524494.186491.3786
TabNet99.895899.895999.895899.8953
GB99.278599.269399.278599.2658
Table 8. Experimental results of botnet classification using SFS features.
Table 8. Experimental results of botnet classification using SFS features.
MethodAccuracy (%)Precision (%)Recall (%)F Score (%)
SMOTE_ENN
RF99.923499.923299.923499.9232
NODE99.357899.355199.357899.3394
TabNet99.713199.711299.713199.7108
GB99.765199.769599.765199.7665
Experimental Results of ADASYN
RF99.969099.969099.969099.9689
NODE99.513199.510899.513199.5118
TabNet99.506399.533799.506399.5138
GB97.166697.311097.166697.2281
Experimental Results of SMOTE_Tomek
RF99.935099.934999.935099.9349
NODE98.874798.853098.874798.8587
TabNet99.545599.542499.545599.5433
GB99.331699.324799.331699.3196
Table 9. Experimental results of botnet classification using statistical features.
Table 9. Experimental results of botnet classification using statistical features.
MethodAccuracy (%)Precision (%)Recall (%)F Score (%)
SMOTE_ENN
RF99.995199.995199.995199.9951
NODE95.540295.734595.540293.7055
TabNet99.953999.953999.953999.9539
GB98.617098.891798.617098.6924
Experimental Results of ADASYN
RF99.998599.998599.998599.9985
NODE94.186494.524494.186491.3786
TabNet99.774099.774599.774099.7720
GB99.507999.534999.507999.5152
Experimental Results of SMOTE_Tomek
RF99.997699.997699.997699.9976
NODE39.358694.142339.358650.4864
TabNet99.954499.954499.954499.9543
GB98.610298.839698.610298.6723
Table 10. Experimental results of MITM attack classification using fused features.
Table 10. Experimental results of MITM attack classification using fused features.
MethodAccuracy (%)Precision (%)Recall (%)F Score (%)
SMOTE_ENN
RF89.760989.768689.760989.7646
NODE87.829687.762487.829687.6962
TabNet85.254487.360385.254484.2683
GB85.898288.316785.898284.9204
Experimental Results of ADASYN
RF84.081283.924284.081283.7798
NODE71.454370.575471.454369.0156
TabNet72.469077.206172.469066.9829
GB74.160174.056774.160171.9525
Experimental Results of SMOTE_Tomek
RF87.888987.832987.888987.6954
NODE81.690882.919681.690880.3392
TabNet81.904585.389581.904579.9333
GB81.952085.675181.952079.9349
Table 11. Experimental results of MITM attack classification using RFE features.
Table 11. Experimental results of MITM attack classification using RFE features.
MethodAccuracy (%)Precision (%)Recall (%)F Score (%)
SMOTE_ENN
RF99.706999.707699.706999.7067
NODE38.749676.351838.749626.2167
TabNet75.643178.408075.643176.1825
GB89.742891.109289.742889.2304
Experimental Results of ADASYN
RF99.977799.977799.977799.9777
NODE67.679268.330967.679260.3809
TabNet98.927998.935198.927998.9252
GB73.419775.628573.419769.5236
Experimental Results of SMOTE_Tomek
RF99.969499.969499.969499.9693
NODE79.061279.039479.061279.0501
TabNet98.058598.079398.058598.0486
GB95.748395.920795.748395.6847
Table 12. Experimental results of MITM attack classification using SFS features.
Table 12. Experimental results of MITM attack classification using SFS features.
MethodAccuracy (%)Precision (%)Recall (%)F Score (%)
SMOTE_ENN
RF97.409597.496397.409597.3853
NODE89.825290.771589.825289.3886
TabNet47.503159.664747.503146.7274
GB94.638594.918894.638593.9774
Experimental Results of ADASYN
RF99.664899.666599.664899.6644
NODE74.189975.194974.189974.5118
TabNet64.491677.114264.491650.6862
GB96.231696.214596.231696.0030
Experimental Results of SMOTE_Tomek
RF95.581595.801595.581595.5113
NODE82.350186.067082.350180.3985
TabNet66.011277.645566.011253.2020
GB95.251295.427095.251294.7680
Table 13. Experimental results of MITM attack classification using statistical features.
Table 13. Experimental results of MITM attack classification using statistical features.
MethodAccuracy (%)Precision (%)Recall (%)F Score (%)
SMOTE_ENN
RF99.967499.967599.967499.9674
NODE90.364691.467490.364689.9474
TabNet72.819075.536772.819073.4035
GB90.397191.243690.397190.0286
Experimental Results of ADASYN
RF89.790090.120989.790089.5319
NODE68.811478.041668.811459.9513
TabNet64.253841.285564.253850.2704
GB71.179680.103871.179664.0868
Experimental Results of SMOTE_Tomek
RF96.239996.323696.239996.1993
NODE83.140886.424483.140881.3483
TabNet81.715484.489781.715479.7624
GB83.435786.758483.435781.6907
Table 14. Comparative analysis of proposed method with the existing methods.
Table 14. Comparative analysis of proposed method with the existing methods.
MethodAccuracy
UNSW Dataset
ANN [46]99.42%
DL-RL [47]97.29%
Proposed method (RF with statistical feature and ADASYN)99.9985
WUSTL Dataset
CNN-LSTM [48]99%
MLP [49]96.39%
CNN-Focal [50]93.08%
Proposed method (RF with RFE and ADASYN)99.9777
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.

Share and Cite

MDPI and ACS Style

Malik, F.; Waqas Khan, Q.; Rizwan, A.; Alnashwan, R.; Atteia, G. A Machine Learning-Based Framework with Enhanced Feature Selection and Resampling for Improved Intrusion Detection. Mathematics 2024, 12, 1799. https://doi.org/10.3390/math12121799

AMA Style

Malik F, Waqas Khan Q, Rizwan A, Alnashwan R, Atteia G. A Machine Learning-Based Framework with Enhanced Feature Selection and Resampling for Improved Intrusion Detection. Mathematics. 2024; 12(12):1799. https://doi.org/10.3390/math12121799

Chicago/Turabian Style

Malik, Fazila, Qazi Waqas Khan, Atif Rizwan, Rana Alnashwan, and Ghada Atteia. 2024. "A Machine Learning-Based Framework with Enhanced Feature Selection and Resampling for Improved Intrusion Detection" Mathematics 12, no. 12: 1799. https://doi.org/10.3390/math12121799

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop