Open Access

Deep Learning Models in Network Intrusion Detection Systems

  
Feb 05, 2025

Cite
Download Cover

Introduction

With the rapid development and popularization of information technology, various applications of the Internet have become ubiquitous and an indispensable part of people’s lives. The popularization of the Internet has brought great convenience to people and profoundly changed people’s lives, communication methods and working methods. At the same time, it makes today’s network security problems more and more prominent, and network security has become an all-round complex and severe challenge, which has attracted widespread attention [1-2].

An intrusion detection system (IDS) is an important application in the field of computer security, which aims to monitor and identify various security violations [3]. For intrusion detection systems, an intrusion is an attempt to access information about a computer system or disrupt system operations in an illegal or unauthorized manner [4-6]. Intrusion detection systems can be categorized into host-based intrusion detection systems and network-based intrusion detection systems, depending on the source of the data being detected [7-8]. Traditional intrusion detection methods are usually based on rule or feature matching, but it is difficult to cope with the current challenges of complex and severe network attacks [9]. Due to the development of the Internet, researchers have paid more and more attention to the study of network intrusion detection systems, for which researchers have applied deep learning algorithms to network intrusion detection to further improve its performance [10-12]. Compared with traditional machine learning methods, deep learning can better handle large-scale data and can automatically extract features, and its ability to automatically learn abstract features makes it perform well when dealing with large-scale and diverse network traffic data [13-15].

Deep learning architectures are categorized into three main types: generative, discriminative and hybrid architectures [16]. Generative deep learning architectures can automatically learn from unlabeled raw data for different tasks. Literature [17] concluded that datasets play an important role in network intrusion detection, so based on describing and analyzing several network datasets, the accuracy, false alarm and detection rates of different deep learning models are evaluated, and their detection performance is studied comparatively. Literature [18] developed a Conditional Noise Abatement Adversarial Self-Encoder (CDAAE) based model with a hybrid CDAAE-KNN algorithmic model to improve the detection accuracy of a cloud network intrusion detection system by generating specific malicious samples for the system. Furthermore, the proposed method significantly improves the accuracy of machine learning algorithms to detect DDoS attacks. Literature [19] delves into the application of generative machine learning models in network intrusion detection systems, aiming to overcome the lack of high-quality training data and high false alarm rate problems faced by network intrusion detection systems based on machine learning algorithms. Literature [20] constructs a generative deep learning model based on an adversarial autoencoder and bi-directional generative adversarial network and utilizes the IoT-23 dataset for training, and experiments show that the proposed model has a high accuracy rate for detecting DDoS attacks with zero-day attacks.

Discriminative deep learning architectures are mainly applied to label data in order to distinguish patterns for prediction tasks [21]. Literature [22] uses an unsupervised deep learning algorithm to learn the identity function of the attack data and uses it to downgrade and cluster the data, and subsequently uses a generative local metric learning algorithm to learn the local metrics of the obtained clusters and the proposed hybrid model has a high detection performance for remote-to-local (R2L) and user-to-root (U2R) attack types. Literature [23] combines a two-dimensional convolutional neural network with a bidirectional long and short-term memory neural network to form a deep hybrid neural network architecture, which improves the accuracy and precision of network intrusion detection systems by extracting spatio-temporal features of network traffic data samples. Literature [24] combines the unsupervised phase of multi-channel feature learning with the supervised phase that utilizes cross-channel feature dependencies to improve the detection accuracy of network intrusion detection models by learning the relevant features of the network flow data in order to differentiate the difference between normal and attack flows. Literature [25] emphasizes that the performance of intrusion detection systems is significantly improved when network streaming data has more discriminative and representative features and proposes two feature dimensionality reduction methods, autoencoder and principal component analysis, to obtain low-dimensional features of the data in order to perform more accurate network intrusion data type discrimination.

Hybrid deep network methods combine generative and discriminative approaches, mainly generative adversarial networks and graph neural networks [26]. Literature [27] shows that supervised deep learning methods need to collect enough malicious samples, while unsupervised deep learning methods are prone to labeling any data instance above the normality threshold as anomalous, both of which lead to excessive false alarm rates (FARs), so a network intrusion detection technique based on generative adversarial networks, N-GAN, is proposed, which adds a small number of malicious samples during the training process and can significantly improve the learning quality of the model. Literature [28] constructed a deep learning model based on a generative adversarial network and self encoder driven for the problem that artificial intelligence models cannot fully learn malicious behavior. The proposed model can generate reasonable synthetic data for minor attack traffic, effectively improving the network detection performance of the system. Literature [29] investigates the application of graph neural networks (GNNs) in network intrusion detection systems and proposes a GNN method for detecting network intrusion network traffic in a self-supervised manner by using edge features and graph topology, which lifts the limitation of unlabeled network traffic attacks on network intrusion detection systems. Literature [30] proposes a graph neural network method, E-GraphSAGE, which significantly improves the potential of IoT network intrusion detection by capturing edge features and topology information of the graph structure of data flows.

In this paper, the network intrusion traffic data is processed into a format that the system can recognise through the maximum-minimum normalisation method, and the discrete features in the data are processed by one-hot encoding using the OneHotEncoder method. The ResNet18 model is employed as the core component of the deep local features of the network intrusion data, and the CEKL loss function is constructed by combining the advantages of the cross-entropy loss function and the KL dispersion to further improve the model’s accuracy in detecting the network malicious traffic. Then, the Softmax function is used to process network data input into the model, achieving multi-class classification processing to accurately identify malicious intrusion data. Finally, a network intrusion detection system, including a client and server, is designed, and a MySQL database is used for persistent storage. This study demonstrates the superior multiclassification detection performance of the proposed model in intrusion detection tasks by comparing it to multiple methods commonly used in the intrusion detection field. The reliability of the system and the practicality of the proposed model are also demonstrated by testing this network intrusion detection system.

Deep learning-based network intrusion detection system establishment
Network intrusion data pre-processing

The network intrusion traffic in the dataset needs to be processed into a format that the detection system can recognize before it can be applied to the detection system. Data preprocessing consists of three main steps: standardizing numerical data, converting non-numerical data into numerical types, and converting category labels into numerical types.

Data standardization reduces the impact of too large a variation in data on experimental results. Large deviations in eigenvalues can lead to huge fluctuations in losses in model training, which is not conducive to model convergence. In this paper, maximum-min normalization is used to compress the values of features to between 0 and 1. The formula is shown in (1): Xnew=XXminXmaxXmin$${X_{new}} = \frac{{X - {X_{min}}}}{{{X_{max}} - {X_{min}}}}$$

The network intrusion traffic dataset contains some discrete features, and these discrete character features cannot directly participate in the computation of the neural network, so it is necessary to convert these discrete character features into numerical features that the neural network can recognise. Independent thermal coding is widely used in the field of network intrusion detection as a special coding method that can convert such classification features into numerical representation. This encoding method is not only able to convert character-based discrete data into numeric, but it also maintains the discrete feature type of the category. In this paper, we use the OneHotEncoder method in the Scikit-learn library to process discrete features using one-hot encoding.

Network intrusion detection model construction

In this paper, we propose a hybrid model that uses deep learning to detect network intrusions, with the goal of improving the ability to extract features from both spatial and time series data. The process of network intrusion detection based on the deep learning model is shown in Fig. 1. Firstly, the spatial feature information in the data, as well as the temporal feature information in the fully learnt data, are learnt using ResNet18 in this paper, then the spatio-temporal feature information is further learnt using the knowledge transfer loss function, and finally, the classification is performed by a softmax activation function.

Figure 1.

Network intrusion detection process

ResNet-CNN module

ResNet-CNN [31] is a model for deep learning that was originally designed to address the problem of gradient vanishing or gradient explosion, which is common during deep neural network training. Its main feature is the introduction of residual blocks that comprise multiple convolutional layers and specially designed residual connections. These residual connections enable the input information to skip some convolutional layers and pass directly to deeper levels, which effectively mitigates the gradient vanishing problem and ensures that the performance can be steadily improved as the depth of the network increases.

In this paper, we chose to use the ResNet18 model [32] as the core component for extracting deep local features for a detailed analysis of the intrusion detection dataset.ResNet18 belongs to the lighter models in the ResNet family, containing 18 layers of depth, which can effectively extract key features of the data while ensuring relatively low computational costs. Thanks to the design of residual blocks, the ResNet18 model passes the gradient directly through constant mapping as the network depth increases, thus avoiding the common problem of performance degradation during deep network training. This structural design of ResNet18 not only improves the model’s performance in deep learning tasks but also provides powerful support for handling complex data analysis tasks, especially intrusion detection. In the application of intrusion detection, ResNet18 provides powerful technical support. In intrusion detection applications, ResNet18 is able to dig deeper into complex patterns and local features in the dataset, which is crucial for improving the accuracy of identifying malicious behavior. By feeding the intrusion detection dataset into the ResNet18 model, the model is able to learn an abstract representation between basic network traffic features to complex attack patterns, thus improving the detection capability and accuracy of the intrusion detection system.

Knowledge transfer loss function

Network traffic datasets typically exhibit a category imbalance, i.e., the amount of data in different categories varies significantly. This leads to a tendency for neural network models during training to prioritise the identification of more numerous classes while ignoring the less numerous ones. This phenomenon only reduces the model’s ability to recognize a critical few classes, but it also affects the overall accuracy and effectiveness of the model in real-world scenarios. In view of this, this study introduces an innovative loss function specifically designed to mitigate the performance loss caused by category imbalance, thereby improving the efficiency of the model in identifying minority classes of traffic, which is particularly critical for maintaining network security.

The cross-entropy loss function is a popular method used in machine learning and deep learning for comparing the difference between the probability distribution predicted by a model and the probability distribution of the actual labels, and is often used especially when dealing with classification tasks. Its mathematical expression is used for binary classification problems. Then: lossA=1Ni=1N[yi*log(pi)+(1yi)*log(1pi)]$$los{s_A} = \: - \frac{1}{N}\sum\limits_{i = 1}^N {\left[ {{y_i}*\log \left( {{p_i}} \right) + \left( {1 - {y_i}} \right)*\log \left( {1 - {p_i}} \right)} \right]}$$

where N denotes the number of samples, yi denotes the true label category (0 or 1) of sample i, and pi denotes the probability that the model predicts that sample i belongs to the label corresponding to γi. The mathematical expression for multiclassification is shown in Eq: lossB=1Ni=1Nc=1Cyi,c*log(pi,c)$$los{s_B}\: = \: - \frac{1}{N}\sum\limits_{i = 1}^N {\sum\limits_{c = 1}^C {{y_{i,c}}} } *\log ({p_{i,c}})$$

where if the true category of sample i is c then yi, c = 1 otherwise yi, c = 0, pi,c represents the probability of predicting sample i as a c category.

KL scatter is a measure of the difference between two probability distributions P and Q. It represents the amount of loss when approximating a probability distribution P with a probability distribution Q and the mathematical expression is shown in equation (4). It is worth mentioning that the KL scatter is not symmetric, i.e., DKL(P||Q) ≠ DKL(Q||P). equation is: DKL(P,Q)=c=1CP(c)*logP(c)Q(c)$${D_{KL}}(P,Q) = \sum\limits_{c = 1}^C P (c)*\log \frac{{P(c)}}{{Q(c)}}$$

Where P(c) denotes the predictive distribution and Q(c) denotes the target distribution.

This paper combines the advantages of the above loss function to construct the CEKL loss function. The basic idea is to add a penalty term after the loss. The value of the penalty term is derived from the predicted probability and the real data distribution. The CEKL loss function is shown in Eq: LossCEKL=c=1Cyi,c*log(pi,c)+λ*c=1CP(c)*logP(c)Q(c)$$Los{s_{CEKL}} = - \sum\limits_{c = 1}^C {{y_{i,c}}} *\log ({p_{i,c}}) + \lambda *\sum\limits_{c = 1}^C P (c)*\log \frac{{P(c)}}{{Q(c)}}$$

Where yi, c = 1 otherwise yi, c = 0 if the true category of sample i is c, pi,c denotes the probability of predicting sample i as a c category, P(c) denotes the true data distribution while Q(c) denotes the distribution predicted by the model, and λ is a trade-off factor that balances the cross-entropy loss with the weight of the KL scatter in the total loss. By adjusting the value of λ, the model’s balance between learning the original labelling information of the data and staying close to the target distribution can be controlled.

Softmax regression function

The Softmax function [33] is an activation function that is widely used in deep learning, especially when dealing with multi-class classification problems. It is capable of converting a vector containing K real values into another vector of the same length, where the value of each element lies between 0 and 1, and the sum of these values is 1. In this way, each of the converted elements can be interpreted as a probabilistic value, reflecting the likelihood of each category. Regardless of the size of the input value, whether positive, negative, or zero, softmax maps it to a range of 0 to 1, where smaller or negative input values are converted to lower probabilities, and larger input values are converted to higher probabilities, but all probability values add up to always equal one.

Given that the softmax function outputs a probability distribution, it is sometimes called the softmax function or multicategory logistic regression. In essence, the softmax function can be viewed as an extension of logistic regression (or the Sigmoid function) for multi-category classification problems. When performing classification operations using the softmax function, it is important to ensure that the categories are mutually exclusive.

In many multilayer neural network architectures, the penultimate layer usually outputs a set of real scores that represent the scores of different categories, but it may not be convenient to use these scores directly for classification or other tasks. In this case, the softmax function is particularly important because it is able to convert these scores into a normalized probability distribution. This not only simplifies the interpretation of the output but also facilitates its use as input for other systems. Therefore, in multilayer neural networks, a softmax function is usually added to the last layer in order to convert the output of the network into a probability distribution, thus accomplishing the task of multi-class classification of the input data. To wit: z=[z1,z2,...,zn]$$z = [{z_1},{z_2},...,{z_n}]$$

The softmax function is defined as follows: softmax(zi)=ezij=1nezj$${\text{softmax}}({z_i}) = \frac{{{e^{{z_i}}}}}{{\sum\limits_{j = 1}^n {{e^{{z_j}}}} }}$$

Where e is the base of the natural logarithm (Euler number), zi is the i rd element of the input vector, and the denominator is the sum of the exponents of all the elements in the input vector.

The softmax function ensures that the output values are positive and normalised so that they can be interpreted as probabilities. In classification tasks, the class with the highest probability based on the softmax output is usually selected as the predictor class. In conclusion, softmax is a fundamental component in machine learning for generating probability distributions from raw scores, which is crucial for making decisions in the problem of classifying web-invasive data.

Network Intrusion Detection System Architecture Design

Figure 2 depicts the overall architecture of the network intrusion detection system designed in this paper, and the client and server are briefly discussed as follows:

Client

The client consists of two parts: a listener for configuration information and a sniffer for network traffic. The listener manages the sniffer and starts the sniffer according to the configuration information in the Zookeeper database at startup and restarts the sniffer according to the updated configuration information when the configuration information of the remote end is changed. In addition, when the sniffer collects a certain share of network traffic, it transmits the network traffic to the inspection server for identifying malicious encrypted traffic.

Server

The server again consists of two parts: the configuration server and the detection server. The configuration server is based on the Canal database synchroniser, which synchronises the configuration information in the MySQL database [34] to the Zookeeper database when it is updated. The detection server uses the Redis database and RabbitMQ message queue as shared memory and latency queue, respectively, to process the network traffic to form a session flow and then performs the identification of the network traffic through a deep learning based model. In addition, all the above data is stored persistently using MySQL database.

Figure 2.

Network intrusion detection system

Performance analysis of network intrusion detection models
Experimental environment and data set

In this paper, the experimental environment for performance testing of the network intrusion detection model is Ubuntu 20.04.4 LTS system, and the programming language is Python 3.7. The publicly available datasets Bot-IoT and ToN-IoT are utilised as experimental data.

Bot-IoT dataset

The Bot-IoT dataset [35] has newer features of IoT traffic information, and the csv data format is selected for the experiments in this paper. The file in csv format contains 48 features, out of which 3 features are categorical labelled features. The number of each category in the dataset used in this paper is shown in Table 1. The labels are selected for the experiments, and the five categories contain normal traffic and four categories of common attack traffic (DoS attack, DDoS attack, Reconnaissance attack, and Theft attack). The Bot-IoT dataset is huge, and hence this paper selects a 5% subset version of it, and this paper uses a five-fold cross validation in the experiments and the training and test sets’ ratio is always kept at 4:1, and the final results are taken as the average of the five-fold cross-validation results.

ToN-IoT dataset

The dataset TON-IoT [36] is a next generation IoT and Industrial Internet of Things (IIoT) dataset. In this paper, we use the IoT network dataset of NetFlow generated based on the TON-IoT dataset, called NF-ToN-IoT.The total number of NF-ToN-IoT datastreams is more than 16,490,000, which contains 9 attack types and a total of 46 unlabelled feature attributes. Because the dataset is too large, so in this paper, we select 20% of its subsets to have more than 3,200,000 data streams. The csv format of NF-ToN-IoT is used in this paper. The flow data label types and the number of samples in each category of this dataset are shown in Table 2. The maximum number of samples for the Bengin attack type is 1126548.

The number of Bot-IoT data set categories

Numbering Categories Sample number
0 Normal 516
1 DDoS 1847593
2 DoS 1956425
3 Reconnaissance 89452
4 Theft 95

The number of TON-IoT data set categories

Numbering Categories Sample number
0 Bengin 1126548
1 Scanning 718192
2 Xss 703991
3 DDoS 504635
4 Password 470633
5 DoS 411088
6 Injection 370432
7 Backdoor 4526
8 Mitm 1897
9 Ransomware 692
Evaluation indicators

The evaluation metrics used for the experiments in this paper include the use of accuracy, precision, recall and F1 score. They are denoted as: Accuracy=TP+TNTP+TN+FP+FN$$Accuracy = \frac{{TP + TN}}{{TP + TN + FP + FN}}$$ Recall=TPTP+FN$$\operatorname{Re} call = \frac{{TP}}{{TP + FN}}$$ Precision=TPTP+FP$$\Pr ecision = \frac{{TP}}{{TP + FP}}$$ F1=2×Precision×RecallPrecision+Recall$$F1 = 2 \times \frac{{\Pr ecision \times \operatorname{Re} call}}{{\Pr ecision + \operatorname{Re} call}}$$

Wherein TP denotes a number of flows detected as having an attack flow, and the detection result is correct. FN denotes a number of flows that were detected as attack flows, but the detection result was incorrect. TN denotes the number of flows detected as normal flows, and the detection result thereof is accurate. FP denotes the number of flows detected as a normal flow, but the detection result is incorrect, and the flow is actually an attack flow.

Results of model comparison experiments

In order to prove the superiority of the network intrusion detection model in this paper, this model is compared with other classical algorithms, the datasets used are both Bot-IoT and ToN-IoT datasets, multi-classification experiments are conducted respectively, and the evaluation metrics are computed based on the confusion matrix.

Bot-IoT dataset

The model is fully trained with 80% of the training set each time. The model learns traffic features, and the training of the model is verified by the test set. The confusion matrix is saved during the testing of the model, as shown in Fig. 3. The model’s overall accuracy is high, particularly in the DDoS and DoS categories, which indicates that it has a better understanding of the traffic features of these two categories, with a 99.96% accuracy. The Theft category has the worst accuracy metrics (96.84%), which may be due to the small number of samples in this category.

Figure 3.

Bot-IoT prediction confusion matrix

The specific analysis results of this paper’s intrusion traffic detection model on the dataset Bot-IoT with multiple classifications for each evaluation metric are shown in Table 3. The average accuracy of this paper’s model is 99.02%, and the accuracy of each category is in the range of 96.77%-99.99%. In order to verify the effect of this paper’s model, some classical deep learning models and the recognition algorithms of researchers on this dataset in recent years are selected for comparison and the results of the comparison experiments are shown in Table 4. Compared with the optimal model among the comparison models (TSODE), the recall, F1 value and accuracy of this paper’s model are improved by 1.40%, 3.58% and 1.79%, respectively, and only the precision rate (98.80%) is slightly lower than that of the TSODE model (99.38%).

Bot-IoT multiple evaluation index

Categories Precision ratio Recall rate F1-score Total accuracy
Normal 99.00% 99.81% 99.81% 99.02%
DDoS 99.20% 99.43% 99.97%
DoS 99.02% 99.71% 99.13%
Reconnaissance 99.99% 99.29% 99.88%
Theft 96.77% 95.19% 95.52%

Comparison of the results of Bot-IoT multiple categories

Model Precision ratio Recall rate F1-score Accuracy rate
Xception 85.24% 81.66% 86.63% 95.84%
EfficientNetB0 88.00% 86.68% 89.51% 96.40%
DenseNet121 94.23% 95.24% 93.65% 96.88%
FNN 90.29% 91.20% 92.61% 96.57%
TSODE 99.38% 97.33% 95.44% 97.28%
This article 98.80% 98.69% 98.86% 99.02%

ToN-IoT dataset

In order to verify the classification effect of the model in this paper on the ToN-IoT dataset, a five-fold cross-validation is used on the ToN-IoT dataset, and in order to ensure the fairness of the experimental results, the final results are taken as the average of the five-fold cross-validation. Again, the corresponding confusion matrix is saved during the experiment, as shown in Fig. 4. The average recognition accuracy of this model for the ToN-IoT dataset reaches 99.06%, where the best result is for the Scanning category of traffic, which is able to reach 99.92% accuracy. However, for some traffic, such as the Mitm category, the recognition effect is poor (94.89%), again because the number of samples for this category of traffic is small and the model does not learn enough about it, resulting in a lower evaluation index as well.

Figure 4.

Ton-IoT prediction confusion matrix

The comparison results of the multi-classification results between this paper’s model and the classical deep learning model are shown in Table 5. All the evaluation indexes of this paper’s method on the ToN-IoT dataset are better than other methods, and its precision, recall and F1 values are 97.85%, 95.62% and 89.64%, respectively. It shows that the residual convolutional network model used in this paper can extract more complete spatial features of network intrusion traffic, which proves that it is more suitable for feature extraction of network intrusion data than other methods.

Comparison of the IoT multiple subclass results

Model Precision ratio Recall rate F1-score Accuracy rate
ViT 83.30% 79.59% 85.92% 87.19%
MobileNetV2 81.35% 77.03% 80.71% 92.55%
Xception 79.30% 81.28% 79.85% 95.39%
EfficientNetB0 80.89% 80.64% 81.09% 89.02%
DenseNet121 84.93% 81.88% 80.60% 87.52%
This article 97.85% 95.62% 89.64% 99.06%
Systematic empirical evaluation and analysis

Considering the openness characteristics of the network, as well as the testing scheme of most similar systems, this paper adopts an empirical approach for the evaluation as well as testing of the network intrusion detection system, i.e., some instances of network attacks are selected for experimental attacks on the system, and the system’s response is used to judge the system’s performance indexes.

Network Intrusion Detection Effectiveness
Examples of test samples

Testing network intrusion detection systems using empirical methods requires a large number of test sample instances, which together form the attack sample library. For each class of typical attacks, the sample library contains a certain number of instances, and some of these instances are used for the training of the deep learning network classification engine in order to build up a recognition model for that class of attacks inside the deep learning network Some of these instances are used for the testing of the network classification engine to check the actual working effect of network intrusion detection. The network attack sample base for this test is organised as shown in Table 6. The composition of the attack sample base is partly derived from Snort’s rule base and partly from message data captured during simulated attacks with the attack tool.

Typical network attack sample library

Sample number 1 2 3 4 5 ……
Feature 1 Tcp Tcp icmp udp icmp ……
Feature 2 35 29 28 54 26 ……
Feature 3 1 21 35 0 49 ……
Feature 4 2164 529 null 126 null ……
Feature 5 92 1264 null 152 null ……
Feature 6 null null 9 null 6 ……
Feature 7 null null 0 null 5 ……
Feature 8 A F null null null ……
Feature 9 419 52 76 164 72 ……
Feature 10 Get-cgi $ i/n 1a 3c 3f ……
Categories 0 2 1 3 1 ……
Analysis of results

The experimental environment uses a K7 processor, 192 megabytes of RAM, and a Windows 10 operating system. 200 typical samples were collected for each type of attack behavior separately, of which 120 were used for training and 80 for testing. The proposed network intrusion detection system was used to test the intrusion of the system using malicious attack samples from the network. The network intrusion detection system should not only have the ability to identify the known attack types but also can identify the unknown attack types, and of course, it may also generate false alarms for normal behaviours. The results of the network intrusion detection system’s test results for the various metrics of the known and unknown attack types are shown in Table 7. For the known type of attack network samples, the network intrusion detection system in this paper has a high recognition rate (94.41%-97.92%), while the false alarm rate (1.02%-3.71%) and the missed alarm rate (0.01%-2.34%) are both very low. For unknown attack types, the system also has a certain recognition ability (89.34%-91.39%), which, to a certain extent, overcomes the defects of the rule-based intrusion detection system that can only detect self-knowledgeable attack behavior. It is very meaningful in the current situation where the network attack methods are being renovated very quickly. Compared to traditional intrusion detection technology, the system in the form of deep learning to achieve the memory of the attack pattern, without the need for rule base establishment, updating, matching and other management issues, thus having a high recognition efficiency, can better meet the real-time requirements of the intrusion detection system. Of course, as a preliminary implementation of the system prototype, this system still has problems such as limited detection ability, certain omissions and false alarms, which are related to the weaknesses of the convolutional neural network itself, as well as the problems of the intrusion detection system itself. However, in general, the practical effect of applying deep learning techniques to network intrusion detection systems is good, which lays a better foundation for further research on this issue.

Network intrusion detection results

Known type
Attack name Recognition rate False rate Leakage rate
OOB 94.41% 3.25% 2.34%
Land 97.92% 2.07% 0.01%
Ping of death 96.11% 3.71% 0.18%
Smurf 96.20% 1.93% 1.87%
CGI 95.04% 3.70% 1.26%
Finger Print 96.96% 1.02% 2.02%
Unknown type
Attack name Alarm rate Leakage rate
BACKDOOR 91.39% 8.61%
DOS 90.00% 10.00%
FTP 89.34% 10.66%
System stress test analysis

For network intrusion detection system pressure and response time test using the tool Application Center Test, using four clients, each client simulation 220, 180, 150, 100 connections, running time of 30 minutes, respectively, ran three user scenarios (home page, background management interface, and several other major interfaces). View the response of the server on different connections, the server’s performance indicators, the use of network bandwidth, and statistics. 8 clients on the network intrusion detection system to analyse the results of the pressure of the network intrusion detection system are shown in Figure 5. When the client has 220 connections, the maximum system pressure is 191.33. When the number of client connections is 100, the lowest system pressure can reach about 0, indicating that the performance of the network intrusion detection system meets the needs of practical applications.

Figure 5.

System click pressure diagram

Conclusion

Traditional network intrusion detection techniques are vulnerable to the increase in network traffic volume and complexity. With the rapid development of the Internet, network security problems continue to emerge, and the ever-changing network attack methods put forth higher requirements for network intrusion detection techniques. In this study, the ResNet18 model is selected as the feature extraction module of network intrusion data, and the Softmax function is used to classify the data into multiple categories to achieve the accurate detection of network intrusion data and to construct the network intrusion detection system. The average accuracy of this paper’s model in the Bot-IoT dataset is 99.02%, and the accuracy of each category ranges from 96.77% to 99.99%. For the ToN-IoT dataset, the average identification accuracy is 99.06%, with the best results for the Scanning category of traffic, which is able to reach an accuracy of 99.92%. For the known types of attack network samples, the network intrusion detection system in this paper has a high recognition rate (94.41%-97.92%), while the false alarm rate (1.02%-3.71%) and the missed alarm rate (0.01%-2.34%) are both low. The stress test results of the network intrusion detection system meet the requirements of practical application scenarios. However, the network intrusion detection system implemented in this paper still has many functions to be improved, and in future research in terms of the traffic detection module, it can be considered to add functions such as attack traceability to further enhance the comprehensiveness and practicality of the system.

Language:
English