Skip to main content

MAFSIDS: a reinforcement learning-based intrusion detection model for multi-agent feature selection networks

Abstract

Large unbalanced datasets pose challenges for machine learning models, as redundant and irrelevant features can hinder their effectiveness. Furthermore, the performance of intrusion detection systems (IDS) can be further degraded by the emergence of new network attack types. To address these issues, we propose MAFSIDS (Multi-Agent Feature Selection Intrusion Detection System), a DQL (Deep Q-Learning) based IDS.

MAFSIDS comprises a feature self-selection algorithm and a DRL (Deep Reinforcement Learning) attack detection module. The feature self-selection algorithm leverages a multi-agent reinforcement learning framework, which redefines the feature selection problem by converting the traditional \({2}^{N}\) feature selection space into \(N\) agent representations. This approach reduces model complexity and enhances the search strategy for feature selection. To ensure accurate feature representation and expedite the feature selection process, we have also developed a GCN (Graph Convolutional Network) method that extracts deeper features from the data. The DRL attack detection module utilizes the Mini-Batchs technique to encode the data, allowing reinforcement learning to be applied in a supervised learning context. This integration improves accuracy. Additionally, the policy network in this module is designed to be minimalist, enhancing model efficiency. To evaluate the performance of our model, we conducted comprehensive simulation experiments using Python. We tested the model using the CSE-CIC-IDS2018 and NSL-KDD datasets, achieving impressive accuracy rates of 96.8% and 99.1%, as well as F1-Scores of 96.3% and 99.1%, respectively. The selected feature subset successfully eliminates approximately 80% of redundant features compared to the original feature set. Furthermore, we compared our proposed model with other popular machine-learning models.

Introduction

In recent years, the Internet has developed rapidly globally, becoming an integral part of people's daily lives. This widespread adoption of network information systems has encompassed various industries, such as online social networking, traffic planning, business transactions, the Internet of Things, and military surveillance operations [1, 2]. The scale of network data on a global level is projected to reach 400 exabytes per month, a significant increase compared to the 120 exabytes per month recorded in 2017. This exponential growth in network data necessitates the implementation of effective information systems to safeguard against threats like information leakage and cyber-attacks, ensuring the secure transmission of network information and thereby supporting the sustainable development of human society and the economy [3, 4]. However, there are currently two main issues that need to be addressed:

Feature Selection Challenges: Network traffic data often possess many features, many of which might need to be more relevant or relevant. Feature selection is crucial in extracting meaningful attributes while eliminating unnecessary ones. However, traditional feature selection methods might need to improve on large-scale and imbalanced datasets, consequently affecting the performance of intrusion detection systems (IDS).

Emergence of New Attack Types: With the continuous advancement of technology, novel network attack types continue to emerge, posing challenges for existing IDS that may need help to promptly and accurately identify these new attack categories. As a result, IDS requires a certain level of adaptability to adjust and recognize unknown attack types swiftly.

Researchers have developed the Intrusion Detection System (IDS) to maintain network security and guard against evolving and covert network threats. This system can identify anomalous network behaviors by monitoring the network for abnormal activity and intrusion threats and directing information systems to respond to the threats. Denning presented an intrusion detection system based on audit data and statistical approaches as early as 1987 [5].

Studies have identified two primary forms of IDS [6]. The first is signature-based IDS, which compares network traffic to known attack signatures. However, it is less effective against new threats. The second is anomaly-based IDS, which detects unknown threats by establishing a normal network model and flagging deviations from it.

Anomaly-based intrusion detection systems have gained dominance in IDS by incorporating machine learning techniques such as decision tree (DT), deep learning, and reinforcement learning [7,8,9,10,11,12]. While machine learning improves the accuracy of identifying unusual traffic, traditional techniques like DT lack the ability to extract deep network information. In recent years, deep learning has emerged as a powerful approach, extracting crucial information using multilayer neural networks and continuously improving the training model to detect network attacks [13]. However, deep learning's effectiveness in identifying unknown network attacks is limited and highly dependent on data [14, 15]. Reinforcement learning allows real-time interaction, autonomous decision-making, and learning from environmental incentives. Combining reinforcement learning with deep learning results in a deep reinforcement learning approach, which can enhance the effectiveness of IDS in detecting network threats [12].

Our study is based on this technique, where Emmons et al. [16] utilized a two-layer feedforward MLP combined with supervised learning from offline reinforcement learning. Their approach, known as RvS, was compared with complex methods like a transformer for sequence modeling and showed competitive results. Dong et al. [9] proposed an optimization approach for network anomaly traffic detection using semi-supervised reinforcement learning DDQN (SSDDQN). They compared it with conventional machine learning techniques and demonstrated that SSDDQN could accurately identify unknown network threats.

Feature selection is a crucial technique in IDS models to address challenges such as high false alarm rates and poor computational efficiency caused by duplicated characteristics in network data [17]. By selecting the most relevant subset of features, feature selection enhances the performance of IDS models by eliminating redundancy and improving prediction accuracy and efficiency [18,19,20,21]. Ren et al.’s ID-RDRL model [22], which combines Recursive Feature Elimination (RFE) with Deep Q-Network (DQN) reinforcement learning, effectively reduces redundant features in network data by approximately 80% and improves the accuracy of identifying network attacks. This integration of feature selection and reinforcement learning demonstrates the potential for optimizing IDS models and enhancing network threat detection capabilities.

Graph Convolutional Network (GCN) is a highly effective neural network for node classification tasks, particularly in capturing graph semantics and extracting topology information [23]. In the realm of network intrusion detection, where data features exhibit correlations, researchers have harnessed the power of GCN to construct graph structures that capture deep connections between these features [8, 24]. Notably, Liu et al. introduced GCNID, a specialized graph convolutional neural network for multiclassification intrusion detection, which showcased improved detection accuracy through simulations [25]. Similarly, Zhang et al. proposed an intrusion detection framework based on GCN for industrial IoT applications, verifying its accuracy and robustness through experiments on a publicly available dataset [26]. These advancements highlight the potential of GCN in enhancing intrusion detection performance by leveraging graph-based approaches.

Reinforcement learning is a powerful approach that emphasizes a model's ability to independently explore and solve problems, finding applications in various decision-making scenarios. Applying deep reinforcement learning (DRL) in Intrusion Detection Systems (IDS) offers advantages such as handling uncertain environments, enhancing the ability to identify unknown attacks, and possessing strong generalization capabilities. In the era of big data and complex network environments, integrating multi-agent reinforcement learning holds the promise of enabling Intrusion Detection Systems (IDS) to intelligently recognize unfamiliar network settings, thereby enhancing network security and efficiency [27]. Researchers, such as Liu et al. [28], have proposed multi-agent frameworks that leverage reinforcement learning for feature selection, showing superior performance compared to traditional methods. Additionally, Wang et al. [29] have suggested a multi-agent body-based recommendation system Auto-ML framework, which adaptively selects feature fields and incorporates performance enhancements. These advancements demonstrate the potential of multi-agent reinforcement learning to improve IDS by addressing complex network challenges and selecting optimal features, ultimately strengthening network security and operational effectiveness.

In this paper, we address the problem of automatic feature selection and subspace exploration in Intrusion Detection Systems (IDS). We propose a novel IDS called MAFSIDS (Multi-Agent Feature Selection Intrusion Detection System) that leverages Deep Q-Learning (DQL) and the MAFS (Multi-Agent Feature Selection) method for improved feature selection and network attack classification. By adopting a multi-agent reinforcement learning framework, we redefine the feature selection problem and reduce model complexity by representing the feature space with \(N\) feature agents instead of the traditional \({2}^{N}\) representation. To extract deeper features, we utilize the Graph Convolutional Neural Network (GCN) method. The model is trained using mini-batches, combining reinforcement learning with supervised learning to enhance accuracy. The policy network is designed with a minimalist neural network architecture for improved efficiency. We conduct comprehensive simulation experiments on the CSE-CIC-IDS2018 and NSL-KDD datasets, achieving impressive results. The model achieves high accuracy rates of 96.8% and 99.1%, along with F1-Scores of 96.3% and 99.1% on the respective datasets. Our proposed feature selection method reduces redundant features by approximately 80% compared to the original set. Comparative evaluations with other popular machine learning models demonstrate the superior performance of our approach in terms of AUC and F1-Score. Overall, our study presents an efficient IDS solution that combines feature selection, deep learning, and reinforcement learning to enhance network security. The abbreviations used in this paper are as shown in Table 1.

Table 1 List of abbreviations. (sorting according to the order of appearance in the text)

The contributions of the paper are outlined below:

  1. 1.

    We introduce MAFSIDS, a DQN-based intrusion detection system, which incorporates the MAFS feature selection approach. MAFSIDS consists of two main components: a feature self-selection algorithm and a DRL attack detection module. The feature self-selection algorithm addresses the feature selection problem by leveraging a multi-agent reinforcement learning framework. This framework allows N features to compete with each other, effectively reducing the feature selection space from \({2}^{N}\) to a more manageable subset. The DRL attack detection module utilizes a simple policy network, enabling the model to provide fast responses, making it suitable for modern IDSs. Furthermore, the model supports online learning, enabling it to adapt to changing network data environments.

  2. 2.

    The feature self-selection algorithm employs a multi-agent approach to control individual features separately, determining their final selection status. It can effectively identify the optimal subset of features. Additionally, we have developed a Graph Convolutional Network method to extract deeper features from the data, improving feature representation accuracy and expediting the feature selection process.

  3. 3.

    The DRL attack detection module utilizes the Mini-Batchs method to encode the data, allowing reinforcement learning to be applied within a supervised learning framework. The policy network employed in this module is designed to be minimalist, optimizing model efficiency.

  4. 4.

    To evaluate the performance of our proposed model, we conducted comprehensive simulation experiments using Python. We tested the model's efficacy using two datasets: the CSE-CIC-IDS2018 dataset, which includes novel cyber attacks, and the traditional NSL-KDD dataset. The results demonstrate high accuracy rates of 96.8% and 99.1%, as well as F1-Scores of 96.3% and 99.1%, respectively. Additionally, the selected feature subset reduces redundant features by approximately 80% compared to the original feature set. Furthermore, we compared our model against other popular machine-learning models.

Related works

In this research endeavor, our focus is on developing a multi-agent feature selection intrusion detection system. This innovative model utilizes multiple agents to perform feature selection. Consequently, our investigation encompasses the realm of feature selection and its connection to the Auto-ML model.

Feature selection is a prominent research topic [30, 31] that may eliminate duplicate features from datasets, minimize model computation, and enhance model performance. It has been extensively explored and used in academia and industry. The research on feature selection may be categorized into three groups: (1) Filtering approaches, such as univariate feature selection and correlation-based feature selection, that employ quantitative scores to determine the value of characteristics [32, 33]. This approach is appropriate for selecting features from high-dimensional data, but it may disregard the correlation and interaction between feature subsets of various feature combinations and predictor factors [34]. Wrapper approaches include evolutionary algorithms, RFE, and branch-and-bound algorithms, which combine particular search tactics with prediction objectives to select the optimal feature subset [35, 36]. This approach offers better performance than filtering methods, but it needs the computation of all potential feature subsets, which might result in a more significant computational burden [37]; (2) Embedded approaches, which include feature selection techniques into the model task and The optimal subset of features, are filtered according to the influence of the feature selection technique on model performance [38, 39], including LASSO and decision trees [40,41,42]. Unfortunately, this strategy depends on how the feature selection and prediction tasks are coupled and may be incompatible with classifiers. By incorporating Feature Selection (FS), IDS is enabled to choose the optimal subset from the feature set, thereby enhancing performance. Moreover, by eliminating numerous redundant features, this not only reduces the computational load of the model but also significantly decreases testing time.

GCN is a neural network that excels in node classification tasks and can extract deep topological information among feature nodes to obtain better feature representations. Deng et al. [43] proposed a flow topology-based graph convolutional network (FT-GCN) label-constrained IoT intrusion detection method to reduce the dependence of IDS on labeled data, exploiting the potential traffic topology with limited labels to unlock the full potential of traffic flow data and obtained good results on three real-world datasets. Cheng et al. [44] proposed a framework called Alert-GCN to correlate alerts belonging to the same attack using graph convolutional networks (GCN), and the results showed that Alert-GCN outperformed traditional classification models in correlating alerts. Zhou et al. [45] proposed a new hierarchical adversarial attack (HAA) generation method to address the vulnerability of graph neural networks to unbalanced intrusion detection datasets and validated the model on the public dataset UNSW-SOSR2019 dataset, which can reduce the classification accuracy by 30%.

The Auto-ML model is a machine learning model based on reinforcement learning consisting of numerous agents interacting and learning in a complicated environment. Liu et al. [46] established a strategy for distinct task formulation that enables fast architecture search using gradient descent. They discovered high-performance convolutional and recursive architectures for image classification and language modeling. Lin et al. [47] suggested a strategy for resolving large-scale fleet management problems using reinforcement learning, which alleviates traffic congestion by reallocating traffic resources; an actual investigation demonstrated considerable increases in traffic efficiency. Zeynivand et al. [48] examined the key factors affecting the quality of VANET networks and used a multi-agent learning approach to improve quality of service; the results indicate that the proposed method outperforms previous methods in terms of packet delivery rate (PDR) and transaction success rate. Numerous research has explored ways, in which an agent is used to select a subset of data characteristics [49]. Unfortunately, this method needs the agent to decide whether to include or exclude each characteristic [28]. This results in an exponential increase of the explorable interval (2N), similar to evolutionary algorithms [36, 38], and it is challenging to discover the optimal global solution and has a high computing cost.

Work description

This section introduces the MAFSIDS (Multi-Agent Feature Selection Intrusion Detection System) model proposed in this study. The framework overview outlines the structure of the model, while the subsequent sections focus on its key components. These components include the data preprocessing module, which prepares the input data for analysis, the GCN feature selection method, which extracts deep features from the data, the multi-agent body feature selection algorithm, which selects optimal features, and the Mini-Batchs module, which handles data encoding. Lastly, the DRL module applies deep reinforcement learning to identify network attacks. Each of these components plays a crucial role in the overall functioning of the MAFSIDS model.

Framework overview

Figure 1 illustrates the framework of our proposed model. The model consists of three main sections and five modules: the data preprocessing module, the GCN feature selection module, the multi-agent body feature selection module, the Mini-Batchs data creation module, and the DRL module. These modules work together to handle various stages of the intrusion detection process, from data preparation to feature selection, selection, and finally, utilizing deep reinforcement learning techniques. The framework provides a comprehensive approach to effectively detect and classify network attacks.

Fig. 1
figure 1

Framework Overview

The Data preprocessing module plays a crucial role in our framework as it focuses on preparing the network assault dataset. This module consists of four essential steps: Integration, Cleaning, Conversion, and Normalization. During Integration, the dataset is combined and organized to ensure a unified format. The Cleaning step involves removing any inconsistencies, errors, or missing values from the data. Conversion transforms the data into a suitable format for further analysis, while Normalization standardizes the data to a common scale. By performing these steps, the dataset becomes more refined, consistent, and ready for subsequent modules within the framework.

Our research is dedicated to the automated selection of features. In this process, we employ Graph Convolutional Network (GCN) to deeply extract data features. Although this step may demand considerable computational resources, its importance in accurately representing features cannot be overstated. Through GCN, we are able to capture richer and more abstract features within the data, providing a more precise and potent feature representation for subsequent tasks and serves as input to the feature selection component. Furthermore, the introduction of the multi-agent agent feature selection submodule transforms the traditional \({2}^{N}\) feature selection space into a competition among \(N\) agents collaborating to select features. This innovative approach, achieved through the synergy of agents, effectively reduces the feature space and enhances the efficiency of feature selection. We firmly believe that this multi-agent methodology is better equipped to address intricate feature selection challenges, thereby furnishing the model with a more robust feature subset.

In the Deep reinforcement learning to identify the attack section, the Mini-Batchs module recodes the feature subset dataset filtered by multiple agents into the data form \(\left[Ft,At,Ft+1\right]\) and feeds it to the DRL classifier module, which extracts the feature information of the input data by CNN and inputs it to the fully connected layer, and the agent can control the fully connected network to classify the input of network traffic for predictive classification.

Data preprocessing module

Integration of data

The CSE-CIC-IDS2018 dataset comprises raw traffic data encompassing 15 attack scenarios gathered over a 10-day period by ten networks. We performed an under-sampling process on the combined dataset to equalize the percentage of normal and attack traffic, resulting in a dataset comprising around 8.9 million samples. The identical preparation procedure was applied to both this and the NSL-KDD datasets. Note that the CSE-CIC-IDS2018 dataset will be supplied with the data pretreatment procedure.

Cleaning of data

We removed about 2000 samples with missing or duplicate values from the original dataset to avoid invalid samples. Take the CSE-CIC-IDS2018 dataset as an example. The cleaned dataset had 77 features and 8,874,005 samples.

Conversion of data

Based on Fitni’s work [50], we grouped the 15 attack categories in the original dataset into seven types: Benign, BruteForce, DoS, Bot, DDoS, Web Attacks, and Infiltration., where Benign represents normal traffic.

Normalization of data

Using a normalization procedure, we normalize all original features to a range of 0 to 1. This is because some features, such as “Port Number” and “Packet Size”, have large and varying ranges of values that can affect the model’s performance and increase the computational cost. As defined in Eq. 1.

$${x}^{\mathrm{^{\prime}}}=\frac{x-{x}_{min}}{{x}_{max}-{x}_{min}}$$
(1)

where \({x}^{\mathrm{^{\prime}}}\) represents the normalized eigenvalue, \(x\) represents the initial eigenvalue, \({x}_{min}\), \({x}_{max}\) represents the minimal eigenvalue and the maximum eigenvalue, respectively.

Feature selection

GCN feature selection

Figure 2 illustrates the process of transforming the selected input data into a dynamic graph network to effectively capture the relationships between attributes. Initially, the input data is organized into a matrix of dimensions \([m \times n]\), where each column represents a random selection of features. By utilizing the feature correlation graph \(G\), we establish a straightforward approach to represent the correlations between features. This method enables us to effectively analyze and understand the interdependencies among the selected attributes.

Fig. 2
figure 2

GCN feature selection module

Since this study focuses on network attack identification for IDS, not on designing complex node embedding graph models, we choose the common GCN approach to extract the correlation between feature columns, a very advanced graph embedding model that has been applied in many graph-based tasks. The neural network layer formulation of GCN, as defined in Eq. (2) shows.

$${H}^{(l+1)}=f({H}^{(l)}, A)$$
(2)

where \({H}^{0}\) is the input data with \(M*N\) dimensions, \({H}^{L}\) is the feature node matrix of graph \(G\), and \(A\) is the adjacency matrix of graph \(G\). With the fast approximate convolution on the graph, we can further obtain the following layer-by-layer propagation multilayer graph convolution network (GCN) formulation, as defined in Eq. 3.

$$f\left({H}^{(l)}, A\right)=\sigma ({\widehat{D}}^{-\frac{1}{2}}\widehat{A}{\widehat{D}}^{-\frac{1}{2}}{H}^{(l)}{W}^{(l)})$$
(3)

where \(\widehat{A}=A+{I}_{N}\) is the adjacency matrix of the undirected graph \(G\) with additional self-connections, \({I}_{N}\) is the unit matrix, and \({\widehat{D}}_{ii}={\sum }_{j}{\widehat{A}}_{ij}\) is the specific trainable weight matrix in the layer connections, and \(\sigma\) denotes the activation function.

In Fig. 2, the GCN (Graph Convolutional Network) feature selection module is depicted. On the left side of the figure, there are independent samples labeled as sample \(1\), sample \(2\), and \(m\) other randomly selected samples. The value of \(m\) is determined by the Batch-Size, and each sample consists of \(n\) features, resulting in a matrix of size \([m \times n]\). Each column of this matrix represents a separate feature column denoted as \({F}_{1}\), \({F}_{2}\), and \({F}_{n}\)., with a shape of \([m \times 1]\).

These extracted feature columns are considered as nodes and collectively form a dynamic graph\(G\). On the right side of Fig. 2, for the node\({F}_{1}\), all the remaining nodes in its neighborhood are treated as a whole, and their information is aggregated to create a new feature node associated with\({F}_{1}\). This process is repeated for each feature node, resulting in a set of feature nodes\([{f}_{1}, {f}_{2}, ...,{f}_{n}]\). Finally, these feature nodes are averaged to obtain the real feature node\(f\), which represents the \([m \times n]\) data matrix in a condensed form.

Automatic feature selection module

In Fig. 3, we demonstrate the process of generating an input feature matrix \([M \times N]\) by randomly selecting \(M\) data samples from a dataset containing \(N\) features. The GCN feature selection module is then applied to extract a feature vector \(f\), which becomes the input for the automated feature selection module. In this module, each feature is assigned an agent responsible for deciding whether to retain it based on the input data and the feedback from the environment. The automated feature selection module employs a multi-agent reinforcement learning framework, incorporating agents, states, actions, rewards, and policy functions, to form a decision process known as Markov Decision Process (MDP). By defining the MDP, the model learns the optimal policy function for each state through the agents and takes actions that maximize the overall reward \(R\), as shown in Algorithm 1.

figure a
Fig. 3
figure 3

Automatic feature selection module

We detail the definition of each element in this paper framework.

Multiple Agents: In this paper, there are \(N\) agents corresponding to \(N\) feature vectors one by one, and the corresponding current feature is selected or not based on the state of the environment and the environmental reward.

State: The state \(S\) is the medium through which the agent interacts with the environment, and in the MDP, \(S\) is the feature selection vector \(f\) obtained through the GCN feature selection module. In order to enable the neural network to train the agent correctly, we fix the dimension of \(f\) to \([1*M]\).

Action: action \(A\) is the choice made by an agent to maximize the total reward \(R\) after interacting with the environment. In the MDP, each agent makes a yes or no choice (denoted by "1" or "0"), where "1" means to keep the current corresponding feature and "0" means to discard it. "0" means discarding the current corresponding feature.

Reward: Reward \(R\) is the feedback given by the environment to the agent after it has made an action. In the MDP, only the agent that has completed the policy adjustment and the action selection is "1" is assigned the reward \(R\), equally distributed to each agent.

Policy function: The policy function \(Q\) plays a central role in the Markov Decision Process (MDP), as it guides the agent's actions by approximating the optimal policy function for each state. In this study, we employ a straightforward approach of utilizing a two-layer fully connected neural network to approximate the fitted policy function. Through continuous updates, the model refines itself and provides guidance to the agent's decision-making process.

As shown in Fig. 3, in the MARFS approach, each feature is assigned to a feature agent, and the actions of the feature agent determine the selection/non-selection of its corresponding feature, as shown in Eq. 4.

$${S}^{i+1}=represent({F}^{i})$$
(4)

where \({F}_{i}\) is a subset of features selected at time \(t\). And \(represent\) is a representation learning algorithm that converts the dynamically varying \({F}_{i}\) into a fixed-length state vector \({S}^{i+1}\). Representation methods can be graph-based GCN. reward \({r}^{i}\) is for the selected feature subset \({F}_{i}\), as shown in Eq. 5.

$${r}^{i}=eval({F}^{i})$$
(5)

where \(eval\) is an evaluation function on \({F}_{i}\), either as a supervised measure of the machine-learning task with \({F}_{i}\) as input or as a supervised measure method, rewards are assigned to each feature agent to train their policy. As more and more steps are explored and utilized, the policies become more intelligent and more innovative, so they can find better and better subsets of features.

In the training phase, the agent independently trains the strategy by experiencing playback. For agent \({a}_{i}\), at time \(t\), newly created tuples \(\{{s}_{i}^{t}, {a}_{i}^{t}, {r}_{i}^{t}, {s}_{i}^{t+1}\}\), including state \({s}_{i}^{t}\), action \({a}_{i}^{t}\), reward \({r}_{i}^{t}\) and next state \({s}_{i}^{t+1}\), are stored in each agent’s memory. agent \({a}_{i}\) uses its corresponding small batch of samples to train its Deep Q-Network (DQN) to obtain the maximum long-term reward based on the Bellman equation, as shown in Eq. 6.

$$Q\left( {s_{i}^{t} ,a_{i}^{t} |\theta_{t} } \right) = r_{i}^{t} + \gamma maxQ\left( {s_{i}^{t + 1} ,a_{i}^{t + 1} |\theta_{t + 1} } \right)$$
(6)

where \(\theta\) is the parameter set of \(Q\) network, and \(\gamma\) is the discount factor.

Deep reinforcement learning to identify attack

Mini-Batchs module

The CSE-CIC-IDS2018 and NSL-KDD datasets are supervised datasets containing category labels, rendering them inappropriate for unsupervised or semi-supervised learning techniques such as DRL. To modify these datasets for DRL, we encode the data using the Mini-Batch method. In particular, we regard all data characteristics, except the label, as the current state represented by \({S}_{t}\). The label characteristics are considered the current action, represented by \({A}_{t}\). Except for the label, all following data characteristics are handled as the next state, represented by \({S}_{t+1}\). As seen in Fig. 4, these three representations are then combined to provide the input data [\({S}_{t}\), \({A}_{t}\), \({S}_{t+1}\)] for the DRL module.

Fig. 4
figure 4

Mini-Batchs module. The data encoding schematic for the DQN model

Mini-Batch randomly chooses a portion of the original dataset without duplicating the samples during each training session until the entire dataset has been explored. Figure 4 illustrates the Mini-Batch module's random selection and encoding of data from the dataset. In each training batch, \(n+1\) samples of [\({S}_{t}\), \({A}_{t}\), \({S}_{t+1}\)] are included. By applying the Mini-Batch method, we can adapt the supervised datasets to DRL to enable the IDS model to be efficiently trained. This method enables quick training of the model while guaranteeing that the training data correctly replicates the properties and features of the original dataset.

We modified the dataset to adapt to DRL and introduced the Mini-Batch method for preprocessing the raw data. This processing aligns the data format with the input requirements of the DRL model, enabling the application of unsupervised learning techniques to traditional supervised learning IDS, especially in intrusion detection classification tasks. We believe that this innovative attempt will bring new insights and approaches to the field of IDS, offering novel avenues for enhancing the performance of traditional IDS. The Mini-Batch process played a crucial role in data batch processing, streamlining data representation, and creating more favorable conditions for the application of DRL.

DRL module

DQN algorithm. The DQN algorithm is a reinforcement learning method that utilizes the Markov decision process (MDP) comprising State \(S\), Action \(A\), Reward \(R\), and Value function \(Q\). State \(S\) represents the current environment, which includes all input data except the Label feature. Action \(A\) is the agent's response to the environment feedback, represented by the Label feature. Reward \(R\) is the agent's action compared to the original Label, where a match is rewarded with 1, and a mismatch receives no reward (i.e., \(R=0 or 1\)). The \(Q\) function estimates the value of each state and is continuously updated using the Agent process loss function. The DQN algorithm employs a deep neural network to approximate the \(Q\)-value function and estimate the \(Q\)-value of the current target, updating the network weights, as shown in Fig. 5.

Fig. 5
figure 5

Schematic diagram of DQN algorithm

figure b

Figure 6 shows the DRL model with the Auto-FS, in which we get the selected optimal feature subset from Auto-FS and recode it by Mini-Batch to form a new dataset. With redundancy and irrelevance removed, feed it into the convolutional network to extract the deep features, and then the obtained feature data is passed through two simple fully-connected layers to make our DQN algorithm controls the classifier of the fully connected layer to implement the judgment of network attacks, and continuously feeds the data to train the whole DRL network model.

Fig. 6
figure 6

Schematic diagram of DRL model with Auto-FS structure

where the policy function is

$$Policy\left({s}_{t+1}\right)=ar{g}_{a} max\left(Q\left({s}_{t+1},a\right)\right)$$
(7)

\(Policy\) is the policy function, and we need to maximize the \(Q\) function of step \({S}_{t+1}\) to approximate the policy function of the model, the correlation between different data is small for the supervised dataset. We calculate the \(Q\) function of two closed times \(t\), as shown in Eq. 7.

$${q}_{ref}= {r}_{t}+ {\lambda *q}_{t+1}$$
(8)

where \(r\) is the reward at time \(t,\) and \(\gamma\) is the discount factor, as shown in Eq. 8.

Algorithm 2 demonstrates the application of the Environment, Agent, States, Actions, and Rewards ideas to network intrusion detection models based on the CSE-CIC-IDS2018 and NSL-KDD datasets. All characteristics except Label are employed as States in the DRL model, whereas Label features are used as Actions, and projected values serve as Outcomes. The dataset is preprocessed. Due to the supervised nature of the CSE-CIC-IDS2018 and NSL-KDD datasets, the Agent receives Rewards from the environment only after completing Actions and does not perform actual actions on the environment.

The Agent interacts with the environment by performing actions to forecast if the data indicates a network assault, using a greedy strategy to select between a random or optimum action with a probability of \(\upepsilon\) and \(1-\upepsilon ,\) respectively. Actions and Rewards are crucial components of the DRL algorithm, allowing the agent and environment to communicate indirectly and reinforcement learning agents to acquire intelligence. The Label feature data columns are Actions, and \(Q\)-values created by the Agent are utilized to update the network and set \(Q\) thresholds that distinguish normal network traffic from network attacks.

Experiments and results

The “Hardware and Environment setting” section overviews the experimental hardware and environmental configurations. In the "Data Description" section, we introduce the two datasets used in this study, CSE-CIC-IDS2018, and NSL-KDD, employed to assess the model's performance. The "Evaluation Metrics" section discusses standard performance indicators for intrusion detection systems, including accuracy, F1 score, and ROC curve. In the "Results" section, we initially present the findings of ablation experiments, followed by an assessment of the overall performance of the MAFS model, including the confusion matrix, ROC curve, and an analysis of the impact of Lambda values. Finally, we compare our model to other conventional machine learning methods.

Hardware and environment setting

The experiments in our study were carried out on a Windows 11 operating system. The device's hardware configuration involved 32 GB of RAM, an AMD Ryzen 7 5800H processor, and an NVIDIA RTX3600 graphics card. For our experimental environment, we utilized Python 3.8, with model development performed using TensorFlow. The programming software used included VScode and PyCharm. To facilitate data processing and visualization, we employed various packages such as Scikit-Learn, NumPy, Pandas, and Matplotlib. For detailed information regarding the hardware and environment setup, please refer to Table 2.

Table 2 Hardware and environment specification

Data description

CSE-CIC-IDS2018 dataset

The CSE-CIC-IDS2018 dataset is a recently produced intrusion detection system dataset containing seven attack scenarios, including Brute-force, Heartbleed, Botnet, DoS, DDoS, Web assaults, and network penetration from the inside. The dataset comprises 50 attacker machines, 420 victim machines, and 30 servers across five departments. It comprises network traffic and system logs from each machine and eighty characteristics extracted from the network traffic captured by CICFlowMeter-V3. Figure 7 illustrates the proportion and distribution of each traffic group (a). There are a disproportionate amount of negative samples in the dataset. Figure 7a illustrates how the Benign class is under-sampled to balance the dataset. Table 3 gives a subset of the dataset’s 80 features, with feature names and brief descriptions in the first and second columns, respectively.

Fig. 7
figure 7

Frequencies for intrusion categories. a CSE-CIC-IDS2018 dataset. b NSL-KDD dataset

Table 3 A part of features in the CSE-CIC-IDS2018 dataset

NSL-KDD dataset

The conventional KDD99 network traffic dataset has many duplicated data, which might negatively impact the training model's performance. To address the issue mentioned above, Tavallaee et al. proposed the NSL-KDD dataset, which removes redundant information from the original dataset and adjusts the number of data in the training and testing sets relative to the original, thereby making the KDD dataset more reasonable and capable of enhancing the model's training performance.

The NSL-KDD training set contains 126,620 network traffic samples, with each sample containing 41 features, including four main feature categories, such as essential features (TCP/IP, etc.), event-based traffic features (count, retransmission rate, etc.), content features (Hot, Guest, etc.), and host-based traffic features (Dst host count, Srv count, etc.), as well as some additional features. The characteristics are shown in Table 4. All samples are categorized as either regular traffic or particular categories of attack traffic (e.g., DOS, R2L, Probe, and U2R attacks). Since some data sources in the training and test sets of the NSL-KDD dataset are inconsistent, and some network attacks in the test set do not appear in the training set, which has a significant impact on the performance of the model, we attempt to combine the training and test sets to create a new dataset [51]. Based on this, the new dataset is divided into training and test sets at a ratio of 8:2, and the resulting network assaults on the training and test sets are depicted in Fig. 7b.

Table 4 A part of features in the NSL-KDD dataset

Evaluation metrics

Intrusion Detection Systems prioritize precisely identifying attack traffic above the proper classification of routine traffic. In addition to accuracy, several measures like F1-score, precision, recall, and ROC are used to evaluate the performance of a model. The CSE-CIC-IDS2018 and NSL-KDD datasets have an extreme imbalance in sample collection for different attack categories, making accuracy and F1-score more suitable for evaluating the model's performance.

Based on a confusion matrix containing TP, TN, FP, and FN, the performance metrics F1-score, precision, recall, and ROC are determined. The confusion matrix enables us to see the performance of the model as a grid. TP reflects the number of true positives, which shows that attack traffic was accurately predicted. TN reflects the number of true negatives, which implies that regular traffic was accurately forecasted. FP denotes the number of false positives or normal traffic wrongly identified as attack traffic. FN reflects the number of false negatives or attack traffic wrongly classed as normal traffic. FN is the most relevant of these indicators since a low number suggests that the IDS is less likely to misclassify attack traffic. Thus, our technique is to reduce the FN value.

As mentioned above, the basic notation of the metrics is described below.

Accuracy: the number of correct predictions made by the model as a percentage of the total number of predictions. As defined in Eq. (9).

$$\text{Accuracy }=\frac{TP+TN}{TP+TN+FP+FN}$$
(9)

Precision: this metric measures the percentage of attack traffic correctly predicted as attack traffic and is mathematically defined as follows. As defined in Eq. (10).

$$\text{Precision }=\frac{TP}{TP+FP}$$
(10)

F1-Scores: This metric is a combined form of model accuracy and sensitivity and is a reconciled average of model accuracy and sensitivity. In an unbalanced dataset, better F1-Scores indicate fewer misclassified flows, and this metric is the focus of our study. As defined in Eq. (11).

$$F1 \, =\frac{TP}{TP+\frac{1}{2}\left(FP+FN\right)}$$
(11)

In the “one vs the rest” scenario, each class or label is compared to all other classes, resulting in a series of binary classifications, one for each class. In contrast, aggregated instances produce a single result that reflects the average or the aggregate of all classes. In addition, the aggregated method incorporates a variety of averaging strategies, such as micro, macro, weighted, and sampling, which yield mixed results. The performance metrics given in this work, including F1-score, accuracy, and recall, were assembled using the weighted technique described by Pedregosa et al. [52].

Receiving operating characteristics curve (ROC): ROC is a combination of response sensitivity and continuous specificity variables that may indicate the link between sensitivity and specificity; the greater the curve area, the better the model's performance. As defined in Eq. (12).

$$AU{C}_{ROC}={\int }_{0}^{1} \frac{TP}{TP+FN}d\frac{FP}{TN+FP}$$
(12)

Results

This section first conducts ablation experiments to assess the effects of different modules in the MAFS model. Subsequently, the model's performance is further evaluated on two datasets, CSE-CIC-IDS2018 and NSL-KDD. A comparison is made between the model and other prevalent machine-learning approaches. Firstly, three benchmark models are proposed, and their overall performance is assessed based on criteria such as accuracy and F1 score, with visualization of PCA results. The overall performance, confusion matrices, ROC curves, etc., of the MAFS model on the two datasets, are presented, along with an evaluation of the impact of Lambda values on model performance. Finally, a comprehensive comparison is made between the model and other machine learning methods and relevant literature.

Ablation study

We conducted ablation experiments to investigate the impacts of the feature self-selection module and the Deep Reinforcement Learning (DRL) module within the MAFS (Multi-Agent Feature Selection) model on intrusion detection. To ensure a fair comparison, we established three baseline models named DT, DQN, and DQN + RFE. These models were employed to explore the contributions of the feature self-selection module and the DRL module within the MAFS framework. We excluded the feature subset generated by the feature self-selection module for the DT model. We replaced the DRL module with a traditional machine learning decision tree (DT) while keeping the other experimental settings unchanged. To assess the performance gain from the DRL module, we introduced a second DQN model. In this model, we omitted the feature self-selection module while retaining the DRL module, maintaining consistency with other experimental settings.

Further assessing the influence of the feature self-selection module, we introduced a third model named DQN + RFE. In this model, we employed the Recursive Feature Elimination (RFE) method instead of the feature self-selection module. This yielded a new feature subset while maintaining other experimental settings. These ablation experiments aimed to unveil the respective contributions of the components within the MAFS model to intrusion detection performance.

The experimental results are presented in Table 5. In the table, "Dataset ID" indicates the performance evaluation for specific datasets, where Dataset ID 1 corresponds to the CSE-CIC-IDS2018 dataset, and Dataset ID 2 corresponds to the NSL-KDD dataset. By comparing the test results of DT and DQN, we observed that DQN outperformed the DT model on both datasets. This suggests that DQN is more capable of accurately identifying network traffic than traditional machine learning methods.

Table 5 The experimental results for the four methods in terms of accuracy and F1-Score on the CSE-CIC-IDS2018 and NSL-KDD datasets are as follows

Furthermore, the DQN + RFE model, which incorporates feature selection, outperformed the standalone DQN model on both datasets. This indicates that feature selection approaches have the potential to enhance intrusion detection system performance. Our MAFS model introduces a feature self-selection method on top of the DQN model. In comparison to the DQN + RFE model, MAFS demonstrated improvements in both accuracy and F1-Score, particularly with a more significant improvement in F1-Score. This further validates the effectiveness of our approach in the realm of feature selection.

Additionally, we conducted a visualization evaluation of the top-3 selected features of the DQN + RFE model and the MAFS model, as depicted in Fig. 8. Figure 8a and b display the visualization of the top three feature spaces chosen by the MAFS model on the CSE-CIC-IDS2018 and NSL-KDD datasets, respectively. Figure 8c and d illustrate the visualization of the top three feature spaces chosen by the DQN + RFE model on the same datasets. Analyzing Fig. 8a and c, we observed that two out of the top three features selected by MAFS align with those selected by RFE, namely "Dst Port" and "Int Fwd Win Bytes". However, the third-ranked feature differs. Notably, in Fig. 8a, the visualization of network data appears more dispersed and discernible, indicating that the feature self-selection module of the MAFS model holds stronger feature selection capabilities. As for Fig. 8b and d, both exhibit identical top three feature selections, with the feature visualization displaying similarities. This similarity may be attributed to the high accuracy achieved by both MAFS and DQN + RFE models on the NSL-KDD dataset.

Fig. 8
figure 8

PCA visualization diagram with top-3 selected features. a MAFS with CSE-CIC-IDS2018 dataset. b MAFS with NSL-KDD dataset. c RFE with CSE-CIC-IDS2018 dataset. d RFE with NSL-KDD dataset

In addition, we present the selected feature subsets achieved by MAFS for both the CSE-CIC-IDS2018 dataset and the NSL-KDD dataset. For the CSE-CIC-IDS2018 dataset, MAFS identified 17 features that formed a new feature subset. Similarly, for the NSL-KDD dataset, MAFS selected nine features to create a new feature subset. These results are summarized in Tables 6 and 7. Notably, the implementation of the MAFS model successfully reduces approximately 80% of the redundant features compared to the original full feature set.

Table 6 Top-ranked selected features in the CSE-CIC-IDS2018 dataset
Table 7 Top-ranked selected features in the NSL-KDD dataset

MAFSIDS results

Figure 9 illustrates the performance evaluation of the MAFSIDS model on the CSE-CIC-IDS2018 and NSL-KDD datasets. On the CSE-CIC-IDS2018 dataset, the MAFS model achieved an improved Accuracy of 0.968 and F1-Score of 0.963 compared to the DQN + RFE model, particularly with a significant enhancement in F1-Score. This showcases the MAFS model's strong performance in addressing imbalanced datasets. Similarly, on the NSL-KDD dataset, the MAFS model achieved an impressive Accuracy and F1-Score of 0.991 each. These results underscore the superiority of the MAFSIDS model in intrusion detection tasks.

Fig. 9
figure 9

Performance evaluation of the MAFS model on CSE-CIC-IDS2018 and NSL-KDD datasets

By integrating the feature self-selection module and the deep reinforcement learning module, the MAFS model demonstrated enhanced performance on both datasets. In the case of the CSE-CIC-IDS2018 dataset, the MAFS model's combination of adaptive feature selection and deep reinforcement learning outperformed the DQN + RFE model. Moreover, for the NSL-KDD dataset, the MAFS model approached performance limits, affirming its robust performance on intricate datasets.

Figure 10 depicts the confusion matrices for multiclassification and binary classification used to evaluate the model's performance on the two datasets. Figure 10a and c depict the confusion matrices of the model for multiclassification and binary classification on the CSE-CIC-IDS2018 dataset. In contrast, Fig. 10b and d epict the confusion matrices of the model for multiclassification and binary classification on the NSL-KDD dataset, where the predicted values are on the horizontal axis, and the true values are on the vertical axis.

Fig. 10
figure 10

Confusion matrix diagram of the model in different datasets. a Multi-category confusion matrix in CSE-CIC-IDS2018 dataset. b Multi-category confusion matrix in NSL-KDD dataset. c Binary confusion matrix in NSL-KDD dataset. d Binary confusion matrix in NSL-KDD dataset

Figure 10a shows that the model can accurately identify the categories Normal, DoS/DDoS, Bot, and Brute Force on the CSE-CIC-IDS2018 dataset. However, it is less effective for the Web and Infilteration categories, and frequently misclassifies the latter as the Normal category, which may be due to the insufficient training samples for this category. Figure 10c illustrates the confusion matrix of the model for binary classification on the CSE-CIC-IDS2018 dataset, where the accuracy of the Normal category is one, and the accuracy of the Attack category is 0.94.

Figure 10b displays the confusion matrix resulting from the model's multi-categorization of the NSL-KDD dataset. Using the NSL-KDD dataset, it can be shown that the model has high identification rates for the Normal, DoS, and Probe categories (all over 0.99) but low recognition rates for the R2L and U2R categories, with the latter having a rate of only 0.8%. This might be due to the minimal quantity of U2R samples in the NSL-KDD dataset, which prevented the model from learning about this type of network threat. Due to the minimal amount of U2R category samples in the NSL-KDD data set, this may be the result of the model's poor learning of this class of network assaults. Figure 10d depicts the confusion matrix results of the model for binary classification on NSL-KDD. It can be seen that the model has high recognition rates for both the Normal and Attack categories (0.99), showing that it can distinguish between normal traffic and attack traffic flawlessly.

In Fig. 11, we displayed the dichotomous ROC curves and computed the AUC area of each curve for each of the four models DT, DQN, DQN + RFE, and MAFSIDS FS on the two datasets, which may typically assist us in understanding the quality of the model predictions. Figure 11a depicts the ROC curves for the CSE-CIC-IDS2018 dataset. The DQN + RFE and OURS models with feature selection techniques have greater AUC areas than the DT and DQN models without feature selection methods, which have AUC areas of only 0.961 and 0.961, respectively. The ROC curves and AUC areas for the four models on the NSL-KDD dataset are all near 1.0, as shown in Fig. 11b. The models have strong detection ability on this dataset, and the ROC curves represent the detection capacity of various models.

Fig. 11
figure 11

ROC of the different datasets. AUC is shown on the right. a CSE-CIC-IDS2018 dataset. b NSL-KDD dataset

Using the two datasets, we drew the binary ROC curves of the four models DT, DQN, DQN + RFE, and MAFSIDS, and computed the AUC area under each curve, as seen in Fig. 11. Figure 11a displays the results of the models on the CSE-CIC-IDS2018 dataset, and it can be shown that the DQN + RFE and MAFSIDS models using the feature selection approach have greater AUC areas than the DT and DQN models without the feature selection method, which are only 0.961. Figure 11b depicts the model results on the NSL-KDD dataset, and it can be seen that all four models have high AUC areas (all near to 1) on this dataset, showing that the models have excellent detection capacity on this dataset. The ROC curves also represent the variations in detecting abilities between models.

To examine the impact of the discount factor in the DRL algorithm on the performance of the model prediction, we utilized three distinct discount factors of 0.01, 0.50, and 0.99 to assess the performance of the model. Figure 12 illustrates the predictive performance of the model for two datasets with various discount factors. Figure 12a illustrates the results of the model on the CSE-CIC-IDS2018 dataset. The model prediction performance decreases gradually as the discount factor increases, and the model has the best prediction performance when the discount factor is 0.01. This may be because the DRL model cannot learn more useful contextual information from the supervised learning dataset, and the data in the supervised learning dataset has low relevance. Figure 12b depicts the model NSL-KDD dataset findings, demonstrating a similar pattern to Fig. 12a.

Fig. 12
figure 12

The impact of different discount factors (λ). a CSE-CIC-IDS2018 dataset. b NSL-KDD dataset

Comparison

In this part, the performance of the MAFSIDS model is compared to that of other ML models applied to the CSE-CIC-IDS2018 dataset, including MLP, CNN, Logistic Regression, DDQN, DQN + RFE, and SVM ML models. To compare the performance of our proposed model with that of other traditional machine learning techniques on the CSE-CIC-IDS2018 dataset, we give the Accuracy, F1-Score metrics and the test time cost(ms) for detecting a single data for each model in Table 8. We only compare the CSE-CIC-IDS2018 dataset since the NSL-KDD dataset is a regularly used dataset for which several recognition techniques greatly perform.

Table 8 Comparison of performance of multiple models in CSE-CIC-IDS2018 dataset

As shown in Table 8, our suggested model achieves ideal performance in Accuracy and F1-Score, with respective values of 0.968 and 0.963. In comparison, the XGBoost model, a fresh ML model launched in recent years, is behind our suggested model in terms of performance by 2.1% and 3%. There is a 2.2% improvement in F1-Score compared to the DQN model, and test time was reduced significantly. The three subclasses of naive Bayes models, Gaussion-NB, Bernoulli-NB, and Multinomial-NB, perform badly, although the performance of other models is very excellent. In addition to the accuracy of each model's predictions, we also considered its test time for detecting a single data, as indicated in the final column of Table 8. It has been observed that the prediction performance of models with shorter run periods is often inferior, whereas the prediction performance of models with longer run times is considerably superior. The random forest model required the largest amount of time (300 ms), two orders of magnitude longer than the NB series model, which required the least amount of time (about 3 ms). This suggests that runtime and prediction performance are positively correlated. Our suggested model employs a feature selection technique to minimize duplicate features and lower the testing cost to about 34.2 ms for single data.

In addition, we performed a comparative analysis of our model's AUC and F1-Score against other existing approaches using the CSE-CIC-IDS2018 dataset, as presented in Table 9. The results indicate that our model surpasses other methods in terms of performance, exhibiting superior AUC and F1-Score values. Traditional machine learning techniques like Decision Tree and Random Forest demonstrate relatively lower AUC values, although they exhibit higher F1-Scores. Conversely, novel research approaches such as ID-RDRL, which utilize deep reinforcement learning techniques for network attack identification, achieve higher AUC values but slightly lower F1-Scores. These findings suggest that our model excels in handling the challenges posed by imbalanced datasets, making it a more effective solution for intrusion detection.

Table 9 Comparing our model’s AUC and F1-Score with other studies in the literature in the CSE-CIC-IDS2018 dataset

Conclusion

This paper addresses the challenge of automatic feature selection and subspace exploration in intrusion detection systems (IDS). We propose MAFSIDS, a Deep Q-Learning (DQL) based IDS that leverages the MAFS (Multi-Agent Feature Selection) method to enhance feature selection and network attack classification. MAFSIDS introduces a multi-agent reinforcement learning framework to redefine the feature selection problem, reducing the complexity by representing the feature space as \(N\) feature agents instead of the traditional \({2}^{N}\) space. To improve the accuracy and speed of feature selection, we employ a Graph Convolutional Neural Network (GCN) to extract deeper features from the data. Additionally, we utilize Mini-Batchs for data recoding, allowing reinforcement learning to be applied to supervised learning, thereby enhancing accuracy. Furthermore, we optimize the model's efficiency by fitting the policy network with a minimalist neural network. In our comprehensive simulation experiments conducted using Python, we evaluate the performance of MAFSIDS on the CSE-CIC-IDS2018 and NSL-KDD datasets. The results demonstrate impressive accuracy (96.8% and 99.1%) and F1-Score (96.3% and 99.1%), with the selected feature subset reducing redundant features by approximately 80% compared to the original features. Additionally, we compare our model with other popular ML models, and our approach exhibits good performance in terms of AUC and F1-Score.

In future research, we plan to extend the application of our model to newer intrusion detection datasets, such as CIC-DDoS2019, to enhance its performance in more specific attack domains. Furthermore, we aim to explore feature transformation techniques to optimize the interpretability and effectiveness of machine learning in IDS, thereby improving overall system performance [57].

Availability of data and materials

The dataset investigated for this work is the public dataset CSE-CIC-IDS2018 and NSL-KDD. The former can be downloaded from IDS 2018 | Datasets | Research | Canadian Institute for Cybersecurity | UNB at https://www.unb.ca/cic/datasets/ids-2018.html, and the latter can be downloaded from NSL-KDD | Datasets | Research | Canadian Institute for Cybersecurity | UNB at https://www.unb.ca/cic/datasets/nsl.html. The computer algorithms originated during the current study can be made available from the corresponding author Y.Z. on a reasonable request.

References

  1. Masdari M, Khezri H. A survey and taxonomy of the fuzzy signature-based intrusion detection systems. Appl Soft Comput. 2020;92: 106301.

    Google Scholar 

  2. Singh G, Khare N. A survey of intrusion detection from the perspective of intrusion datasets and machine learning techniques. Int J Comput Appl. 2022;44:659–69.

    Google Scholar 

  3. Nugroho EP, Djatna T, Sitanggang IS, Buono A, Hermadi I. A Review of intrusion detection system in IoT with machine learning approach: current and future research. New York: IEEE; 2020.

    Google Scholar 

  4. Thakkar A, Lohiya R. A review of the advancement in intrusion detection datasets. Proc Comput Sci. 2020;167:636–45.

    Google Scholar 

  5. Denning DE. An intrusion-detection model. IEEE Trans Softw Eng. 1987;SE-13:222–32.

    Google Scholar 

  6. Radoglou-Grammatikis P, Rompolos K, Sarigiannidis P, Argyriou V, Lagkas T, Sarigiannidis A, et al. Modeling, detecting, and mitigating threats against industrial healthcare systems: a combined software defined networking and reinforcement learning approach. IEEE Trans Ind Inform. 2022;18:2041–52.

    Google Scholar 

  7. Zuech R, Hancock J, Khoshgoftaar TM. Detecting SQL injection web attacks using ensemble learners and data sampling. In: Zuech R, editor. 2021 IEEE international conference on cyber security and resilience. Rhodes: IEEE; 2021. p. 27–34.

    Google Scholar 

  8. Liang J, Ma M, Tan X. GaDQN-IDS: a novel self-adaptive IDS for VANETs based on bayesian game theory and deep reinforcement learning. IEEE Trans Intell Transp Syst. 2022;23:12724–37.

    Google Scholar 

  9. Dong S, Xia Y, Peng T. Network abnormal traffic detection model based on semi-supervised deep reinforcement learning. IEEE Trans Netw Serv Manag. 2021;18:4197–212.

    Google Scholar 

  10. Dey A. Deep IDS: A deep learning approach for intrusion detection based on IDS. In: Dey A, editor. 2020 2nd Int Conf Sustain Technol Ind 40 STI. Dhaka: IEEE; 2018. p. 1–5.

    Google Scholar 

  11. Akhtar MS, Feng T. Deep learning-based framework for the detection of cyberattack using feature engineering. Secur Commun Netw. 2021;2021:1.

    Google Scholar 

  12. Arulkumaran K, Deisenroth MP, Brundage M, Bharath AA. Deep reinforcement learning: a brief survey. IEEE Signal Process Mag. 2017;34:26–38.

    Google Scholar 

  13. Hosseini S, Zade BMH. New hybrid method for attack detection using combination of evolutionary algorithms, SVM, and ANN. Comput Netw. 2020;173: 107168.

    Google Scholar 

  14. Kocher G, Kumar G. Machine learning and deep learning methods for intrusion detection systems: recent developments and challenges. Soft Comput. 2021;25:9731–63.

    Google Scholar 

  15. Yin Y, Jang-Jaccard J, Xu W, Singh A, Zhu J, Sabrina F, et al. IGRF-RFE: a hybrid feature selection method for MLP-based network intrusion detection on UNSW-NB15 dataset. J Big Data. 2023;10:15.

    Google Scholar 

  16. Emmons S, Eysenbach B, Kostrikov I, Levine S. RvS: what is essential for offline RL via supervised learning? Mach Learn. 2022. https://doi.org/10.48550/arXiv.2112.10751.

    Article  Google Scholar 

  17. Wan J, Chen H, Yuan Z, Li T, Yang X, Sang B. A novel hybrid feature selection method considering feature interaction in neighborhood rough set. Knowl Based Syst. 2021;227: 107167.

    Google Scholar 

  18. Wan J, Chen H, Li T, Sang B, Yuan Z. Feature grouping and selection with graph theory in robust fuzzy rough approximation space. IEEE Trans Fuzzy Syst. 2022. https://doi.org/10.1109/TFUZZ.2023.3250639.

    Article  Google Scholar 

  19. Mahmood RAR, Abdi A, Hussin M. Performance evaluation of intrusion detection system using selected features and machine learning classifiers. Baghdad Sci J. 2021;18:884–98.

    Google Scholar 

  20. Zhou Y, Cheng G, Jiang S, Dai M. Building an efficient intrusion detection system based on feature selection and ensemble classifier. Comput Netw. 2020;174: 107247.

    Google Scholar 

  21. Ren J, Guo J, Qian W, Yuan H, Hao X, Jingjing H. Building an effective intrusion detection system by using hybrid data optimization based on machine learning algorithms. Secur Commun Netw. 2019;2019:1.

    Google Scholar 

  22. Ren K, Zeng Y, Cao Z, Zhang Y. ID-RDRL: a deep reinforcement learning-based feature selection intrusion detection model. Sci Rep. 2022;12:15370.

    Google Scholar 

  23. Tian Y, Chen G, Song Y, Wan X. Dependency-driven Relation Selection with Attentive Graph Convolutional Networks. In: Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing, Vol 1 Long Pap. Online: Association for Computational Linguistics. 2021. p. 4458–71.

  24. Wang H, Pan S, Ju X, Feng Y. Intrusion detection system based on Global-feature Contribution Network. In: Wang H, editor. IEEE international conference on computer science, electronic information engineering and intelligent control technology (CEI). Fuzhou: IEEE; 2021. p. 258–63.

    Google Scholar 

  25. Liu F, Hu Z, Zhang A, Du R, Qin D, Xu J. Multiple classification algorithm based on graph convolutional neural network for intrusion detection. Res Sq. 2021. https://doi.org/10.21203/rs.3.rs-515900/v1.

    Article  Google Scholar 

  26. Zhang Y, Yang C, Huang K, Li Y. Intrusion detection of industrial internet-of-things based on reconstructed graph neural networks. IEEE Trans Netw Sci Eng. 2022. https://doi.org/10.1109/TNSE.2022.3184975.

    Article  Google Scholar 

  27. Bougueroua N, Mazouzi S, Belaoued M, Seddari N, Derhab A, Bouras A. A survey on multi-agent based collaborative intrusion detection systems. J Artif Intell Soft Comput Res. 2021;11:111–42.

    Google Scholar 

  28. Liu K, Fu Y, Wu L, Li X, Aggarwal C, Xiong H. Automated feature selection: a reinforcement learning perspective. IEEE Trans Knowl Data Eng. 2021;35:1–1.

    Google Scholar 

  29. Wang Y, Zhao X, Xu T, Wu X. Autofield: automating feature selection in deep recommender systems. Proc ACM Web Conf. 2022;2022:1977–86.

    Google Scholar 

  30. Chandrashekar G, Sahin F. A survey on feature selection methods. Comput Electr Eng. 2014;40:16–28.

    Google Scholar 

  31. Kipf TN, Welling M. Semi-Supervised Classification with Graph Convolutional Networks. 2022. https://openreview.net/forum?id=SJU4ayYgl. Accessed 14 Jun 2023.

  32. Yang Y, Pedersen JO. A comparative study on feature selection in text categorization. Icml. 1997;97:35.

    Google Scholar 

  33. Forman G. An extensive empirical study of feature selection metrics for text classification. J Mach Learn Res. 2003;3:1289–305.

    MATH  Google Scholar 

  34. Yu L, Liu H. Feature selection for high-dimensional data: A fast correlation-based filter solution. In: Proc 20th Int Conf Mach Learn ICML-03. 2003. p. 856–63.

  35. Kohavi R, John GH. Wrappers for feature subset selection. Artif Intell. 1997;97:273–324.

    MATH  Google Scholar 

  36. Narendra PM, Fukunaga K. A branch and bound algorithm for feature subset selection. IEEE Trans Comput. 1977;26:917–22.

    MATH  Google Scholar 

  37. Schaul T, Quan J, Antonoglou I, Silver D. Prioritized experience replay. ArXiv. 2015. https://doi.org/10.48550/arXiv.1511.05952.

    Article  Google Scholar 

  38. Yang J, Honavar V. Feature subset selection using a genetic algorithm. IEEE Intell Syst Their Appl. 1998;13:44–9.

    Google Scholar 

  39. Kim Y, Street WN, Menczer F. Feature selection in unsupervised learning via evolutionary search. Proc Sixth ACM SIGKDD Int Conf Knowl Discov Data Min. 2000. p. 365–9.

  40. Fortin F-A, De Rainville F-M, Gardner M-AG, Parizeau M, Gagné C. DEAP: evolutionary algorithms made easy. J Mach Learn Res. 2012;13:2171–5.

    MathSciNet  Google Scholar 

  41. Sugumaran V, Muralidharan V, Ramachandran KI. Feature selection using decision tree and classification through proximal support vector machine for fault diagnostics of roller bearing. Mech Syst Signal Process. 2007;21:930–42.

    Google Scholar 

  42. Tibshirani R. Regression shrinkage and selection via the lasso. J R Stat Soc Ser B Methodol. 1996;58:267–88.

    MathSciNet  MATH  Google Scholar 

  43. Deng X, Zhu J, Pei X, Zhang L, Ling Z, Xue K. Flow topology-based graph convolutional network for intrusion detection in label-limited IoT networks. IEEE Trans Netw Serv Manag. 2023;20:684–96.

    Google Scholar 

  44. Cheng Q, Wu C, Zhou S. Discovering attack scenarios via intrusion alert correlation using graph convolutional networks. IEEE Commun Lett. 2021;25:1564–7.

    Google Scholar 

  45. Zhou X, Liang W, Li W, Yan K, Shimizu S, Wang KI-K. Hierarchical adversarial attacks against graph-neural-network-based IoT network intrusion detection system. IEEE Internet Things J. 2022;9:9310–9.

    Google Scholar 

  46. Liu H, Simonyan K, Yang Y. Darts: differentiable architecture search. ArXiv. 2018. https://doi.org/10.48550/arXiv.1806.09055.

    Article  Google Scholar 

  47. Lin K, Zhao R, Xu Z, Zhou J. Efficient large-scale fleet management via multi-agent deep reinforcement learning. In: Proc 24th ACM SIGKDD Int Conf Knowl Discov Data Min. 2018. p. 1774–83.

  48. Zeynivand A, Javadpour A, Bolouki S, Sangaiah AK, Ja’fari F, Pinto P, et al. Traffic flow control using multi-agent reinforcement learning. J Netw Comput Appl. 2022;207:103497.

    Google Scholar 

  49. Fard SMH, Hamzeh A, Hashemi S. Using reinforcement learning to find an optimal set of features. Comput Math Appl. 2013;66:1892–904.

    MathSciNet  MATH  Google Scholar 

  50. Fitni QRS, Ramli K. Implementation of Ensemble Learning and Feature Selection for Performance Improvements in Anomaly-Based Intrusion Detection Systems. In: 2020 IEEE Int Conf Ind 40 Artif Intell Commun Technol IAICT. 2020. p. 118–24.

  51. Ma X, Shi W. AESMOTE: adversarial reinforcement learning with SMOTE for anomaly detection. IEEE Trans Netw Sci Eng. 2021;8:943–56.

    Google Scholar 

  52. Pedregosa F, Varoquaux G, Gramfort A, Michel V, Thirion B, Grisel O, et al. Scikit-learn: machine learning in python. J Mach Learn Res. 2011;12:2825–30.

    MathSciNet  MATH  Google Scholar 

  53. Leevy JL, Hancock J, Zuech R, Khoshgoftaar TM. Detecting cybersecurity attacks across different network features and learners. J Big Data. 2021;8:38.

    Google Scholar 

  54. Mayuranathan M, Saravanan SK, Muthusenthil B, Samydurai A. An efficient optimal security system for intrusion detection in cloud computing environment using hybrid deep learning technique. Adv Eng Softw. 2022;173: 103236.

    Google Scholar 

  55. Li H, Wang Z, Meng H, Zhou Z. Solving the data imbalance problem in network intrusion detection: A MP-CVAE based method. In: 2022 10th Int Workshop Signal Des Its Appl Commun IWSDA. 2022. p. 1–5.

  56. Zhang Y, Liu Q. On IoT intrusion detection based on data augmentation for enhancing learning on unbalanced samples. Future Gener Comput Syst. 2022;133:213–27.

    Google Scholar 

  57. Xiao M, Wang D, Wu M, Qiao Z, Wang P, Liu K, et al. Traceable Automatic Feature Transformation via Cascading Actor-Critic Agents. Proc 2023 SIAM Int Conf Data Min SDM. SIAM. 2023. p. 775–83

Download references

Acknowledgements

Not applicable.

Funding

This research was supported by the 100 Top Talents Program, SYSU (No. 190158), the Project Supported by National Key Laboratory (No. XM2020XT1009), the Project Supported by National Key Laboratory (No. 6142101190201), the Project Supported by Advanced Research (No. XM2020XT2136).

Author information

Authors and Affiliations

Authors

Contributions

KR conceived the initial idea and completed the analysis and calculations. KR wrote the manuscript. BS, YZ revised the manuscript, and YZ did the post-proofreading. Y.Z. supervised the work and provided funding support. All authors reviewed the manuscript.

Corresponding author

Correspondence to Yingchao Zhang.

Ethics declarations

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare no competing interests.

Additional information

Publisher's Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Ren, K., Zeng, Y., Zhong, Y. et al. MAFSIDS: a reinforcement learning-based intrusion detection model for multi-agent feature selection networks. J Big Data 10, 137 (2023). https://doi.org/10.1186/s40537-023-00814-4

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s40537-023-00814-4