Next Article in Journal
Persistent Periodic Uplink Scheduling Algorithm for Massive NB-IoT Devices
Previous Article in Journal
3D Global Localization in the Underground Mine Environment Using Mobile LiDAR Mapping and Point Cloud Registration
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Multi-Step Attack Detection Based on Pre-Trained Hidden Markov Models

1
School of Cyberspace Security, Hangzhou Dianzi University, Hangzhou 310018, China
2
School of Information and Safety Engineering, Zhongnan University of Economics and Law, Wuhan 545001, China
*
Author to whom correspondence should be addressed.
Sensors 2022, 22(8), 2874; https://doi.org/10.3390/s22082874
Submission received: 22 February 2022 / Revised: 1 April 2022 / Accepted: 6 April 2022 / Published: 8 April 2022
(This article belongs to the Section Sensor Networks)

Abstract

:
Currently, hidden Markov-based multi-step attack detection models are mainly trained using the unsupervised Baum–Welch algorithm. The Baum–Welch algorithm is sensitive to the initial values of model parameters. However, its training uses random or average parameter initialization methods, which frequently results in the model training into a local optimum, thus, making the model unable to fit the alert logs well and thereby reducing the detection effectiveness of the model. To solve this issue, we propose a pre-training method for multi-step attack detection models based on the high semantic similarity of alerts in the same attack phase. The method first clusters the alerts based on their semantic information and pre-classifies the attack phase to which each alert belongs. Then, the distance of the alert vector to each attack stage is converted into the probability of generating alerts in each attack stage, replacing the initial value of Baum–Welch. The effectiveness of the proposed method is evaluated using the DARPA 2000 dataset, DEFCON21 CTF dataset, and ISCXIDS 2012 dataset. The experimental results show that the hidden Markov multi-step attack detection method based on pre-training of the proposed model parameters had higher detection accuracy than the Baum–Welch-based, K-means-based, and transfer learning differential evolution-based hidden Markov multi-step attack detection methods.

1. Introduction

With the rapid development of network technology, security has become an issue on the internet. IDSs [1] have been employed to monitor network transmissions instantly according to pre-set rules to detect network attacks promptly. However, attacks often cause the IDS to issue many alerts, which leads to truly high-threat attacks being submerged in these alerts. In this regard, we proposed to dig out the logical relationship between various attacks, namely, multi-step attacks (MSA). The MSA is defined as a combined attack that consists of multiple attack phases. Each phase of MSA consists of a single-step attack, and there is a logical cause-and-effect relationship between the attack phases [2]. Compared with intrusions based on individual packets, MSAs last longer and are more threatening.
Currently, the approaches for MSA detection can be main divided into two categories: similarity-based methods and model matching methods [2,3]. The similarity-based methods detect MSA sequences based on the correlation of alert types and the similarity of IP addresses, ports, etc. Zhu et al. [4] proposed an alert correlation matrix in the calculation of alert similarity to express the alert similarity in terms of the correlation strength of alert types. Wang et al. [5] further constructed an alert attribute similarity weight matrix using the IP address, port, time interval, and alert type of the alert to represent the alert similarity.
Chi-hung et al. [6] proposed a dynamic alert similarity matrix update algorithm based on the original alert similarity, using the original equality constraint set. These methods are fast but have low accuracy. The model matching methods assume that various MSAs take distinct attack phases. These methods first model the attack steps of various MSA types and then determine the most likely MSA sequence based on the detection model. Compared with similarity-based methods, the model matching methods have higher accuracy and a faster detection speed. Supervised and unsupervised are two training methods of model matching.
In the area of MSA detection, the most frequently employed supervised learning models are HMM, LSTM, CNN, and GCN. The HMM MSA detection methods [7,8,9] based on supervised learning can directly compute model parameters using a labeled dataset and then label alert sequences online using the Viterbi algorithm. The LSTM is a more sophisticated version of the HMM. It is more powerful than HMM at labeling sequences but requires more training data [10,11,12].
CNN is a classic supervised deep-learning framework that is primarily used for feature extraction. In MSA detection, a CNN model [13] is often used to eliminate false positive alerts and fuse MSA chains. GCN is used to handle non-Euclidean data that CNN cannot handle, such as MSA graphs [14], while supervised learning is better at detecting MSAs, and they still rely on alert labels. In MSA detection, it is difficult to obtain alerts with labels, and the complete attack process must be checked for alert labeling, which largely relies on expert knowledge.
Unsupervised training, in comparison to supervised training, has the advantage of training the model without expert knowledge; however, the detection effect is typically lower. Bayesian Networks and HMM are the most common unsupervised learning models in the field of MSA detection. Bayesian network-based MSA detection [15,16] builds a Bayesian attack graph to detect MSA and predict the attacker’s next target. The HMM is generally considered as a special Bayesian network that uses the original Baum–Welch algorithm to train the model parameters by fitting alert logs [17,18,19,20,21]. The alert sequence is then decoded by the Viterbi algorithm into the corresponding attack phase sequence, which enables MSA detection.
Although the importance of HMMs based on unsupervised learning in MSA detection has been widely recognized in the field, the following problems still exist:
A
It is generally known that the Baum–Welch algorithm is very sensitive to the initialization values. The current Baum–Welch algorithm uses average or random initialization methods to initialize HMM. However, this initialization method can easily lead the multi-step attack detection model into local optimal solutions, which reduces the detection effectiveness of the model.
B
The alert description generated by network interaction in the same attack stage has high semantic similarity and can be used to distinguish each attack stage. However, in the current HMM-based MSA detection method, category coding is used to encode alert description attributes, losing the rich semantic information of the alert description.
To solve the above problem, an initial parameter training method for multi-step attack detection models is proposed in this paper based on the concept of high semantic similarity of alerts in the same attack phase. Semantically similar alerts are used to optimize the initial HMM parameters. This method pre-divides the attack stage to which each alert belongs by clustering the semantic information of the alert. Then, we transfer the knowledge learned in the pre-training to the initialization process of the downstream hidden Markov Model to optimize the model parameters, thereby, improving the performance of the model. The main contributions of this paper are as follows.
A
We propose a method to cluster the alerts with similar semantics into the same attack phase based on the semantic information of alerts. The method first uses the alert descriptions to train the word embedding model, then uses this trained model to convert the alert descriptions into alert vectors, and finally clusters the alert vectors by K-means.
B
For the initial value used in the training of the current Baum–Welch algorithm, it is easy to cause the multi-step attack detection model to fall into the local optimum problem. We propose an initial value optimization method based on alert semantic information. The method argues that the smaller the distance between the alert vector and the center point of the cluster, the higher the probability of that cluster (attack phase) generating an alert. Based on this idea, we first use the method proposed in A for semantic clustering and then convert the distance between each cluster center and the alert vector into the probability of generating alerts in the attack phase, instead of the initial HMM parameters. Finally, we train the model by the Baum–Welch algorithm. In this paper, the initial parameters of the Baum–Welch algorithm are optimized by semantic information, which avoids the problem that the original initial value makes the model fall into a local optimum, thereby, improving the detection effect of the model.
C
We evaluated the proposed MSA detection model with the DARPA 2000 dataset, DEFCON21 CTF dataset, and ISCXIDS 2012 datasets. Compared with MSA detection models trained by the Baum–Welch method, K-means method, and transfer-learning-based Different Evolution method, our results show that the MSA detection model trained by the proposed method had a better detection effect.
The remaining sections of this paper are organized as follows. Section 2 reviews relevant concept of HMM. Section 3 describes in detail the proposed pre-training method and the scheme of MSA detection based on HMM. Section 4 performs model evaluation. Finally, Section 5 summarizes our work.

2. Preliminaries

The concept used in this paper is the Hidden Markov Model (HMM), which is briefly explained in the following.

2.1. Definition

A Hidden Markov Model (HMM) is a Markov process with unobservable parameters. The hidden state cannot be observed directly in this model but can be determined through the sequence of observations. The HMM model is represented by a triplet λ = ( A , B , π ) . In the triplet, A denotes the hidden state transfer matrix, B denotes the probability matrix generated by the observed state, and π denotes the initial hidden state probability distribution. The HMM makes the following assumptions.
1.
Homogeneous Markov chain hypothesis. The hidden state at any time only depends on its previous hidden state.
2.
Observational independence assumption. The observed state at any moment only depends on the hidden state at the current moment.

2.2. Baum–Welch Algorithm

The Baum–Welch algorithm [22] is a classic unsupervised HMM training algorithm, which uses the principle of the EM algorithm to train parameters λ . Knowing the observed state sequence O = { o 1 , o 2 , , o T } , o indicates the observed state at each moment. The unknown sequence of hidden states is denoted by Q = { q 1 , q 2 , , q T } , q indicates the hidden state at each moment. The derivation of the procedure for solving the HMM parameters λ is as follows.
<1>
For the observed series O, the model parameters are solved by the EM [23] iterative formula as shown in Equation (1). g indicates the number of current iterations.
λ ( g + 1 ) = arg max λ Q log P ( O , Q | λ ) P ( Q | O , λ ( g ) ) d Q
<2>
Since λ ( g ) is known in the iterative process, P ( O | λ ( g ) ) can be regarded as a constant and introduced into Equation (1) to convert P ( Q | O , λ ( g ) ) into a joint distribution to simplify the calculation as shown in Equation (2).
λ ( g + 1 ) = arg max λ Q log P ( O , Q | λ ) P ( Q | O , λ ( g ) ) P ( O | λ ( g ) ) d Q = arg max λ Q log P ( O , Q | λ ) P ( Q , O | λ ( g ) ) d Q
<3>
Use the properties of discrete variable probability distribution integrals to expand Equation (2) as shown in Equation (3).
λ ( g + 1 ) = arg max λ q 1 = 1 N q 2 = 1 N q T = 1 N log P ( O , Q | λ ) P ( Q , O | λ ( g ) )
<4>
Decompose P ( O , Q | λ ) as shown in Equation (4). a i , j is an element of matrix A, which represents the hidden state transition probability. b i ( j ) is an element of matrix B, which represents the probability that the hidden state produces the observed state.
log P ( O , Q | λ ) = log π q 1 t = 2 T P ( q t | q t 1 ) t = 2 T P ( o t | q t ) = log π q 1 + t = 2 T log P ( q t | q t 1 ) + t = 2 T log P ( o t | q t ) = log π q 1 + t = 2 T log a i , j + t = 2 T log b i ( j )
<5>
Bring Equation (4) into Equation (3), and we find Equation (5).
λ ( g + 1 ) = arg max λ q 1 = 1 N q 2 = 1 N q T = 1 N [ log π q 1 + t = 2 T log a i , j + t = 2 T log b i ( j ) ] P ( Q , O | λ ( g ) )
<6>
Solve for each parameter separately using the Lagrange multiplier method. The results are shown in Equations (6)–(8).
π i = P ( q 1 = i , O | λ ( g ) ) i = 1 N P ( q 1 = i , O | λ ( g ) )
a i , j = t = 1 T P ( q t 1 = i , q t = j , O | λ ( g ) ) t = 1 T P ( q t 1 = i , O | λ ( g ) )
b i ( j ) = t = 1 T P ( q t = i , o t = j | λ ( g ) ) j = 1 M t = 1 T P ( q t = i , o t = j | λ ( g ) )
The Baum–Welch algorithm uses the result of the final derivation of the formula to train the HMM parameters until the model converges, where λ ( 0 ) uses randomized initial values or average initial values.

3. Multi-Step Attack Detection

This section provides a detailed description of the proposed MSA detection scheme. First, a formal representation of the MSA model is given. Then, the training and detection process is described. Next, the pre-training method of the detection model parameters is described in detail. Finally, the online detection method is given.

3.1. Multi-Step Attack Detection Model Definitions

This section gives the HMM for MSA detection, represented as a six-tuple < S , V , O , A , B , π > . The specific definitions of each parameter in the six-tuple are shown in Equations (9)–(17).
<1>
Set of attack phases S. It consists of N phases of an MSA.
S = { s 1 , s 2 , , s N }
<2>
Alert description set V. It represents the set of M possible alert description generated by the IDSs.
V = { v 1 , v 2 , , v M }
<3>
Alert description sequence O. It is an alert description sequence of length T generated by IDSs.
O = { o 1 , o 2 , , o T }
<4>
The attack phase transition matrix A. It represents the probability that phase i at the moment t 1 convert to phase j at the moment t in the set of MSA phases S.
a i j = p ( q t = s j | q t 1 = s i )
A = a 11 a 1 N a N 1 a N N
<5>
The alert description transition probability matrix B. It represents the probability that alert description v j is generated at the moment t by the MSA phase i.
b i ( j ) = p ( o t = v j | q t = s i )
B = b 1 ( 1 ) b 1 ( M ) b N ( 1 ) b N ( M )
<6>
The initial attack phase probability matrix π . It represents the probability of each attack phase at the initial moment t = 1 .
π = p ( q 1 = s i )
π = { π 1 , π 2 , , π N }
The above model maps the alert sequence generated by the IDS to the observed sequence of the HMM and the sequence of MSA phases to the hidden state sequence of the HMM. Based on this HMM, the MSA detection can be transformed into a task that finds the sequence of attack phases that are most likely to generate the alert description sequence O. It is necessary to solve this task through the following steps: (1) The model parameter learning. It estimates the model parameters λ = ( A , B , π ) in the case of a known alert description sequence O such that the alert description sequence probability P O | λ is maximized under the model. (2) Decoding. Given the model λ = ( A , B , π ) and the alert description sequence O, it finds the maximum state sequence corresponding to the conditional probability of the given sequence.

3.2. Multi-Step Attack Detection Process

This paper proposes the following MSA detection process based on the above HMM, as shown in Figure 1. The process contains two parts: offline training and online detection.
The offline training includes alert embedding, K-means pre-training, Baum–Welch training, etc. As HMM cannot directly process the alert description in each piece of alert data, the alert description is preprocessed through the alert embedding and embedded into the digital vector so that the alert description with similar semantics in the same attack phase can be mapped to the vector space in a similar location.
The K-means algorithm pre-trains the alert description transfer probability matrix B in the HMM parameters to provide an unsupervised training phase with information on the semantics of the alert description and the order of the attack phases. The unsupervised training iteratively updates the HMM parameters with the Baum–Welch algorithm and finally outputs the HMM parameters. Online detection uses the Viterbi algorithm to find the sequence of attack steps Q that best matches the online alert sequence O. The main components are described in detail below.

3.2.1. Alert Embedding

To solve one-hot encoding that cannot capture the relationship between the alert description and extract the semantic knowledge in the alert description, we employ the Word2Vec model to convert the alert description into continuous values of low dimensionality and map the semantically similar alert description to similar locations in the vector space. The Word2vec includes two training methods, CBOW and Skip-gram. Since the word vectors obtained by the Skip-gram method are more accurate when the amount of data contained in the alert description is small [24], the Skip-gram approach is chosen to train the word embedding model in this paper.
The Skip-gram architecture is shown in Figure 2, where the model’s input is vector x represented by a one-hot encoding. The t-th row of the weight matrix W 0 represents the weight of the t-th word in the vocabulary. Each word vector in the model has an N × V dimensional output vector W 1 . The hidden layer contains N nodes, denoted by the symbol N d . The hidden layer input is the weighted sum of the input layer. The output layer is N w windows of the current word x. The specific flow of the alert description embedding model is as follows.
<1>
First, the alert description V contained in the IDS rules is segmented into multiple words. The list of words contained in all rule texts is the system’s vocabulary.
<2>
Then, all words in the vocabulary are one-hot encoded and fed into the model to predict the N w windows of the current word x and update the hidden layer weights through backpropagation.
When the training is completed, the embedded word vector of a word can be obtained by its one-hot encoding.
The processing flow for converting alert descriptions to alert vectors is as follows.
<1>
Segments the alert description to obtain all the words contained in the alert description.
<2>
Uses the Word2Vec model to obtain the code corresponding to each word of the alert description and obtain the dimensional word vector corresponding to the alert description.
<3>
Obtains the embedded vector of the alert description by computing the average value of all word vectors in the alert description.
To facilitate understanding, we give an example of converting alert description to alert vectors in Figure 3. The alert description is “rpc sadmind udp ping”. After segmentation, we obtain four words “rpc”, “sadmind”, “udp”, and “ping”. The dimension of the embedding vector was set as five-dimensional. According to the Word2Vec model, we obtain four five-dimensional word embedding vectors. We can obtain the alert embedding vector for the alert description by taking the mean value of the sum of these four five-dimensional vectors.

3.2.2. K-Means Pre-Training

To pre-train the transfer probability matrix B of the alert description, we cluster the alert description with the K-means algorithm. This algorithm first clusters the alert description with similar semantics into the same group. Then, it marks the attack phase according to the earliest alerts in each cluster and calculates the transfer probability of the alert vector based on the distance from the alert vector to each cluster center. The K-means algorithm occupies O ( ( m + K ) n ) memory and O ( t m n K ) time, where t denotes the number of iterations, m denotes the number of data, n denotes the dimension of features, and k denotes the number of clusters. The specific steps are as follows:
<1>
Initialization. Randomly selects N initial centers of mass, where N denotes the existence of N phases in an MSA.
<2>
Alert de-duplication. First, we sort the alerts according to the time of occurrence and then check if there are alerts in the set with the same text as the current alert. If it does not exist, the alert is added to the set. After iterating through all alerts, we can obtain the set of non-redundant alerts.
<3>
Alert embedding. We convert the alert description in the alerts set into N d alert vectors with the alert embedding model.
<4>
Alert Clustering.
(a)
Traverses all N d dimensional alerts and assigns the alerts embedding vector to the nearest center of mass based on the distance between the alert and the center of mass. The distance between the alert vector x and the center of mass y is measured using the Euclidean distance, calculated as in Equation (18). After all alert embedding vectors are assigned, the center of mass C i is updated by Equation (19).
d i s t ( x , y ) = i = 1 n x i y i 2
C i = 1 C i v C i v
(b)
Repeats step 4a until the center of mass no longer changes. The alert description of the same attack phase is divided into the same attack phase cluster. Then, goes to step <5> of Section 3.2.2.
<5>
Attack phase determination. After step <5> of Section 3.2.2, each cluster contains a certain number of alerts. We determine the attack phase each cluster belongs to based on the earliest alert in each cluster.
<6>
The alert description center-of-mass distance matrix R calculation. This matrix represents the inverse distance from the M alert vectors to the N attack phase cluster centers, calculated in Equations (20) and (21).
r i ( j ) = 1 d i s t ( v i , C j )
R M × N = r 1 ( 1 ) r 1 ( N ) r M ( 1 ) r M ( N )
<7>
Alert description transfer probability matrix B calculation. We first transpose the matrix R of the distance between the alert description and the center of mass by Equation (22). We convert the distance into the probability of generating the alert description in the MSA phase using Equation (23). With the above steps, the alert description transfer probability matrix B is obtained.
R M × N T r 1 ( 1 ) r 1 ( M ) r N ( 1 ) r N ( M )
B = r 1 ( 1 ) i = 1 M r 1 ( i ) r 1 ( M ) i = 1 M r 1 ( i ) r N ( 1 ) i = 1 M r N ( i ) r N ( M ) i = 1 M r N ( i )

3.2.3. Unsupervised Training

We used the Baum–Welch algorithm to train further the triplet λ = < A , B , π > to obtain the final model parameters. The Baum–Welch algorithm finds the maximum likelihood estimates of the parameters in the HMM by iteratively computing the parameters using the forward-backward algorithm during the iterative process. The forward algorithm is shown in Equations (24) and (25). It is used to calculate the probability that the state q t is j when the sequence is observed from moment 1 to moment t, given the parameter λ . The backward algorithm is shown in Equations (26) and (27). It calculates the probability of observing the sequence from t to the T given the parameter λ and the t-th state q t as i.
α t ( j ) = p ( o 1 , o 2 , , o t , q t = j | λ )
α t ( j ) = i = 1 N α t 1 ( i ) a i j b j ( o t )
β t ( i ) = p ( o t + 1 , o t + 2 , . . . , o T | q t = i , λ )
β t ( i ) = j = 1 N a i j b j ( o t + 1 ) β t + 1 ( j )
The Baum–Welch algorithm first initializes parameter λ = < A , B , π > and then repeats the expectation and maximization steps. The above K-means pre-training step initializes the alert description transition probability matrix B and the initial values. The Baum–Welch algorithm occupies memory and time are O ( K 2 N ) , where K denotes the number of states and N denotes the number of time steps. The algorithm detail as follows.
<1>
The initial attack phase probability matrix π setting up. Since the alert sequence is divided by the same interval or length, the initial probability expectation for each attack phase in a multi-step attack is 1 / N .
<2>
The attack phase transition matrix A. The attack phase transition matrix A is usually initialized by 1 / N . The initialization is shown in Equation (28).
a i j = 1 N , 1 i N , 1 j N
<3>
Expectation step. Calculates the probability γ t j of the attack phase j of time t, and the expectation ξ t i , j of attack phase i at time t converted to attack phase j at time t + 1 . The calculations are as shown in Equations (29) and (30).
y t j = α t j β t j j = 1 N α t j β t j
ξ t i , j = α t ( i ) a i j b j ( o t + 1 ) β t + 1 j j = 1 N α t j β t j
<4>
Maximization step. We used γ t ( j ) , ξ t i , j to recalculate the new matrix A , B with Equations (31) and (32).
a ^ i , j = t = 1 T 1 ξ t i , j t = 1 T 1 k = 1 N ξ t i , k
b ^ j ( v k ) = t = 1 , s . t . o t = v k T 1 y t j t = 1 T 1 y t j
<5>
Repeat steps <3> of Section 3.2.3 and steps <4> of Section 3.2.3 until the model converges and then steps <6> of Section 3.2.3.
<6>
Output MSA detection model parameters λ = < A , B , π > .

3.2.4. On-Line Detection

The online detection infers the attack phase sequence Q T = { q 1 , q 2 , , q T } based on the alert sequence O = { o 1 , o 2 , , o T } and the multi-step attack detection model λ = < A , B , π > . This process is the decoding process of HMM. The main decoding algorithm is the Viterbi algorithm. Similar to the forward algorithm, the Viterbi algorithm is also a dynamic programming algorithm. It computes the most probable path to the current state recursively by using backward pointers, as shown in Equation (33).
The recursive formula for v t j is shown in Equation (34), where v t j represents the maximum probability of occurrence of the attack phase sequence Q t 1 = { q 1 , q 2 , , q t 1 } for a known alert sequence O with state q t given parameter λ . The equation for solving the multi-step attack phase sequence Q corresponding to the alert sequence O is shown in Equation (35). The Viterbi algorithm occupies O ( K N ) memory and O ( K 2 N ) time, where K denotes the number of states and N denotes the number of time steps.
v t ( j ) = max q 1 , , q t 1 p ( q 1 , , q t 1 , o 1 , , o t , q t = j | λ ) , 1 < = j < = N , 1 < = t < = T
v t j = max i v t 1 ( i ) a i j b j ( o t ) , 1 < = i , j < = N , 1 < t < = T
Q T = arg max i v T ( i ) , 1 < = i < = N

4. Experiments and Results Analysis

In this section, we detail comparative experiments to evaluate the proposed method. The original Baum–Welch algorithm [18,19] is the most-used unsupervised learning algorithm in HMM-based multi-step attack models. Therefore, this training method was chosen as the benchmark algorithm to validate the effectiveness of our proposed method. In addition, Larue [25] used the K-means method to solve the initialization point-selection problem.
First, a large number of state-accurate parameters are constructed to descript the observation sequences, and then we used the K-means algorithm to reduce the number of states and maintain the accuracy of the HMM parameters. Chadza [26] proposed a transfer learning (TL)-method to transfer knowledge learned from a labeled source dataset to a new, unlabeled target dataset to optimize the MSA model parameters. In this paper, the TL-based Different Evolution (DE) algorithm has the best detection effect on the overall sequence decoding. Thus, we also compare our method with these methods.
The main difference between the algorithm proposed in this paper and the selected benchmark methods is the way the model parameters are initialized. Therefore, we first initialized the HMM with the initial values obtained by three different initialization methods, then used the training set to train the detection model, and finally, the effectiveness of the proposed method was verified by comparing the detection effect of the detection model on the test set. We used the labels of each attack stage as positive samples separately and the labels of other attack stages as negative samples. T P is the number of positive samples correctly labeled as positive, T N is the number of negative samples correctly labeled as negative, F P is the number of negative samples labeled as positive, and F N is the number of positive samples labeled as negative.
The accuracy, precision, recall, and F1 score are classical evaluation criteria within the field of multi-step attacks detection. To verify that the proposed training method obtains the detection effect of the model, we used the average of precision, recall, and F1 scores for each attack phase, shown in Equations (36)–(38) and accuracy to evaluate shown in Equation (39).
P r e c i s i o n = T P T P + F P
R e c a l l = T P T P + F N
F 1 = 2 P r e c i s i o n R e c a l l P r e c i s i o n + R e c a l l
A c c u r a c y = n u m b e r o f c o r r e c t p r e d i c t i o n s t o t a l p r e d i c t i o n s
This section is organized as follows. Section 4.1 presents the implementation details of the pre-training method. Section 4.2 describes the dataset for evaluating the performance of the model. Section 4.3 shows the experimental setup. Section 4.4 shows the results and discusses.

4.1. Implementation

In the alert embedding part, this paper uses d e e p l e a r n i n g 4 j to train the alert embedding model in the j a v a environment (jdk version 1.8). First, instantiate the S e n t e n c e I t e r a t o r class to iteratively access the alert description during training. Then, instantiate the T o k e n i z e r F a c t o r y class for tokenizing the alert description during the training process. Then, enter the alert description and the two classes instantiated in the above process as parameters into the W o r d 2 V e c class and instantiate the W o r d 2 V e c class. Finally, call the f i t ( ) method of the W o r d 2 V e c class to train the model.
In the K-means pre-training part, this paper uses the K-means API in d e e p l e a r n i n g 4 j to pre-train the multi-step attack model parameter. First, call the s e t u p ( ) method of the K M e a n s C l u s t e r i n g class to instantiate the cluster. Then, call the g e t W o r d V e c t o r ( ) method of the W o r d 2 V e c class to convert the alert descriptions into an alert vector. Alert vector is input as a parameter to the applyTo() method of the K M e a n s C l u s t e r i n g class to cluster the alert descriptions. When the clustering is complete, we convert the distance of the alert vector to the cluster centroid into the alert description transition probability matrix B using the Equations (20)–(23).
In the model training part, this paper uses j a h m m 0.6 . 1 to train the HMM. We call the H m m . s e t O p d f ( ) method to initialize the j a h m m . O p d f object with the alert description transition probability matrix B obtained by pre-training. Then, the alert text sequence O is input as a parameter to the B a u m W e l c h L e a r n e r . l e a r n ( ) method for learning to generate a multi-step attack detection model.

4.2. Dataset

This paper evaluates the efficiency of the proposed MSA detection model using the DARPA 2000 public dataset [27], the DEFCON 21 CTF public dataset [28] and the ISCXIDS 2012 public dataset [29]. The DARPA2000 evaluation dataset covers a wide range of attack methods and is the most comprehensive and up-to-date MSA dataset in the DARPA dataset. This dataset is a generally accepted and widely used benchmark dataset in the field of MSA research. The DEFCON21 CTF data set is the captured data packets of the 21st DEFCON CTF conference offline competition, which contains multiple real attack steps.
We used snort to detect abnormal traffic in the data packets to generate alerts, and then used the alerts to reconstruct multiple-step attack scenarios. The ISCXIDS 2012 dataset is the latest MSA dataset published by the Canadian Institute for Cybersecurity Research. This dataset consists of real networks and traffic and contains a complete multi-step attack scenario, which contains more attack types compared to the DARPA 2000 dataset and DEFCON21 CTF dataset. Thus, we chose these datasets to evaluate the efficiency of the model.
The DARPA 2000 dataset contains two attack sequences, LLDOS 1.0 and LLDOS 2.0.2. As the attack sequence LLDOS 2.0.2 generates fewer alert data, we used LLDOS 1.0 to validate the model. We used LLDOS 1.0 to verify the model’s effectiveness. The LLDOS 1.0 attack sequence contains five attack phases: (1) IP scan. This attack phase is used to discover surviving hosts. (2) The adversary probe. This phase confirms whether the sadmind service is running on the host. (3) Breakins. In this phase, the attacker exploits a vulnerability in the sadmind software on Solaris. The sadmind software vulnerability to obtain root privileges of the host. (4) Installation and initialization. This phase installs and initializes the trojan mstream DDoS software. (5) Launch attack. In this phase, the attacker launches a DDOS attack on the specified IP.
We reconstruct a multi-step attack sequence in the DEFCON21 CTF dataset by concatenating single but dependent attack steps in order. The reconstructed multi-step attack consists of three attack steps: (1) Port scanning, the attack phase scans the host’s open ports to identify vulnerable services. (2) POODLE exploit, the attack phase rolls back the SSLv3 encryption algorithm to perform a man-in-the-middle attack. (3) Code execution, the attacker directly injects operating system commands or codes into the background server remotely.
The ISCXIDS 2012 dataset contains five attack phases in the testbed-13jun.pcap packet [30]: (1) Adobe Reader vulnerability exploitation. This attack phase exploits the stack overflow vulnerability in Adobe Reader parsing a PDF to execute malicious code and gain control of the host. (2) Intranet asset scanning. The 192.168.1.0/24 and 192.168.2.0/24 hosts and ports are scanned. (3) MS08-067 remote overflow vulnerability exploitation. The attacker uses the 192.168.1.112 default open SMB service port 445 to send a special RPC, execute malicious code, and gain control of the host. (4) Intranet asset scanning. The attacker scanned 192.168.5.0/24 hosts and ports. (5) SQL injection attack. The attacker does an SQL injection attack on 192.168.5.123.
The MSA detection in this paper uses alerts generated by the IDS as input, and the dataset is real attack traffic stored as pcap packets; thus, it is necessary to convert the real attack traffic into alert data. In this paper, we used the tcpreplay v4.3.2 tool to replay LLDOS 1.0 and ISCXIDS 2012 packets, respectively, and used snort v2.9.7.0 to detect these flows and generate alert data. As shown in Table 1, the Inside contains 75,423 network packets and generates 573 alert records, including 16 types of alert descriptions. The DMZ contains 36,542 network packets and generates 1117 alert records, including 14 types of alert descriptions. We used the Inside data set to train our MSA detection model and used the DMZ data set to test our model.
The pcap of the DEFCON21 CTF dataset generates 516 alert records, including 16 types of alert descriptions. Since the dataset does not distinguish the attack stage, we cannot count the data packets of each stage; therefore, it is represented by −. ISCXIDS 2012 testbed-13jun.pcap contains a total of 5,763,149 network packets, generates 205 alert records, and contains 29 types of alert descriptions.

4.3. Experimental Setup

Our experiment implemented all the programming work on 64-bit Windows 10 based OS. The computer comprises an Intel core i-5 processor@ 3.20 GHz, 16 GB RAM. The graphics card is Intel(R) HD Graphics 530. As mentioned in Section 3.2.1 and Section 3.2.2, there are three parameters to be set during the experiment. (1) The dimension of the word embedding N d , which means that the word is embedded into the dimension of the vector space. If the embedding dimension of the word vector is too high, the relationship between words will be diluted.
If the dimension is too low, words cannot be distinguished. Generally, the embedding dimension of the word vector is set between 200 and 400. Due to the small amount of alert corpus data; therefore, we chose the embedding dimension N d = 200 . (2) The size of the window N w , which represents the maximum range of the context predicted by the central word in the window. The window size is related to the sentence length in the corpus, and thus we counted the distribution of snort alert description sentence lengths and found that the average length of the alert description sentence was approximately five words; thus, we set N w = 5 . (3) The number of clusters N s , which represents the number of stages included in each multi-step attack scenario. In this experiment, the multi-step attack scenarios in DARPA 2000 dataset and ISCXIDS 2012 dataset consist of five steps, and thus we set the number of clusters to N s = 5 . Whereas the DEFCON21 dataset consists of three steps; therefore, the number of clusters was set to N s = 3 in this dataset.

4.4. Results and Discussion

We constructed experiments with the accuracy, precision, recall, and F1-score as evaluation criteria to verify the detection ability of the proposed model. Since all alerts are part of the multi-step attacks without benign alerts. To make the experimental results clear, we calculated the results by considering each attack phase as a positive sample and the other attack phases as negative samples and then used the mean value of the results of each attack phase to indicate the detection effectiveness of the model in the dataset. The results are shown in Figure 4, Figure 5 and Figure 6.
As can be seen in Figure 4, Figure 5 and Figure 6. Compared with the original Baum–Welch algorithm [18,19] and K-means based algorithm [25], the detection effect of the model obtained by our proposed training method is significantly improved. Compared with the TL-based DE algorithm [26], the model obtained by our proposed training method has better detection performance and does not depend on external label data. In the method proposed in this paper, since alerts at the same stage have semantic similarity, the pre-training part delineates the attack stage to which each alert belongs in advance by clustering the semantic information of the alerts.
Then, we convert the distance of the alert vector to each attack stage into the probability of generating an alert in each attack stage instead of the initial value of Baum–Welch, thus, avoiding the problem of the model falling into a local optimum. Compared with the other three training methods, this method incorporates semantic information in the model training and optimizes the initial parameters of the model, and thus the detection effect is improved.
Compared with the experimental results on the LLDOS 1.0 dataset and DEFCON21 dataset, the detection rate of the proposed method on the ISCXIDS 2012 dataset is significantly lower. The reasons are as follows: As shown in Figure 7, the ISCXIDS 2012 dataset has more alert description categories, while the alert description still contains essentially similar words.
This results in a higher repetition rate of words contained in the alert description indifferent attack phases in the ISCXIDS2012 dataset. In the parameter pre-training phase, the alerts are closer to the inter-cluster boundaries, and the difference in distance from the centers of each cluster is smaller. This increases the difference between initialized and actual alert description transfer probability matrices during the pre-training process and eventually affects the detection effectiveness of the MSA model.
Elements of the initial parameter matrix trained by each training method are shown in Table 2. The effectiveness of our proposed method is confirmed by comparing the initial parameters with the other three training methods. In the real attack scenario, the s 1 attack phase only generates v 1 , v 2 , and v 3 alerts, the s 2 attack phase only generates v 4 and v 5 alerts, and the s 5 attack phase only generates v 16 . In the initial value based on K-means training, the probability of generating v 2 and v 3 in the attack phase s 1 is 0, and the parameters of the model are different from the attack scenario.
Therefore, the detection effect of the multi-step attack model trained by this method is lower. TL-based DE and Baum–Welch initialize the model parameters using the average initialization method. This initial value does not provide gain to the model, and thus the original Baum–Welch algorithm is less effective compared to the models obtained by other algorithms. The TL-based DE model training method also uses a uniform initial value; however, it uses a transfer learning algorithm to optimize the model parameters and improve the detection of the model.
Compared to the initial parameters of the model described above, the initial parameters of the model trained with our proposed method are closer to the optimal solution of the model. The training method proposed in this paper uses the semantic similarity of v 1 , v 2 , and v 3 to pre-classify them successfully into the s 1 attack phase, and thus it can be seen from the table that the highest probability values of v 1 , v 2 , and v 3 alerts are generated by s 1 . Similarly, we successfully pre-assign the alerts generated by other attack phases to the attack phase to which they belong.
The second attack phase is scanning the sadmind service, while the third attack phase is exploiting the sadmind vulnerability; thereby, the semantics of the alerts generated by the third attack phase are slightly similar to those generated by the second attack phase, and we can see that s 3 generates v 4 , v 5 with higher probability. In addition, the method proposed in this paper converts the distances between alerts and each attack phase into matrix elements.
Therefore, it can be seen from the table that most of the elements are non-zero. Most importantly, the initial parameters obtained by the pre-training method proposed in this paper are closer to the real multi-step attack than the other three training methods. Therefore, pre-training the parametric model using this method can avoid falling into a local optimum.

4.5. Detection Performance

In our experiment, we took the interval between the online detection start time and end time as the delay. In addition, the memory consumed in the online detection was calculated by two functions: r u n t i m e . t o t a l M e m o r y , r u n t i m e . f r e e M e m o r y ( ) . The results are shown in Table 3.
Compared with the other three methods, this model trained by our method has less delay for online detection. The memory consumption of our model is the same as the B-W-based method and K-means-based method but less than the TL-DE-based method. Compared to the other two datasets, the ISCX2012 dataset contains more alert descriptions, and the process of labeling the alert sequence is more complicated. Therefore, the model takes more time to process this alert sequence.
As above mentioned, our proposed model can process the alert sequence in milliseconds. As the multi-step attack data is sparse, our proposed online detection method is sufficient to complete the labeling task in real-time.

5. Conclusions

This paper solved the problem where the current Baum–Welch initialization method easily causes the model to fall into a locally optimal solution. Based on the idea that the alerts generated in the same attack stage have high semantic similarity, this paper used semantic clustering to aggregate the alerts belonging to the same attack stage. Then, we converted the distance of the alert vector for each attack stage to the probability of generating an alert for each attack stage and replaced the initial value of Baum–Welch with the initial value optimized by semantic knowledge to avoid the model becoming stuck in a locally optimal solution. We then evaluated the proposed model using the DARPA 2000, DEFCON21 CTF, and ISCXIDS 2012 datasets.
The results show that the initial values of HMM obtained by the initial value training method proposed in this paper are more consistent with the actual attack scenario compared with the original Baum–Welch method, the K-means-based method, and the TL DE-based method. The initial parameters are closer to the optimal parameters of the model, and training the model with such initial values can prevent the model from falling into local optimal solutions.
Thus, the detection effect was better than the other three training methods. However, the detection rate of MSA decreased significantly when the alert described more categories. Therefore, in future work, we plan to train the HMM model with a semi-supervised algorithm to improve the detection effect of the model on a large dataset of alert description categories.

Author Contributions

Investigation, X.Z.; methodology, X.Z.; software, L.Z., H.H. and W.Y.; supervision, Y.Z.; validation, X.Z. and C.C.; writing—original draft, X.Z.; writing—review & editing, T.W. and Q.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by the Zhejiang Province key R&D Program (nos. 2020C01078 and 2019C01012) and the National Natural Science Foundation of China under Grant No. 61902098.

Data Availability Statement

Publicly available datasets were used in this study. This data can be found here: (https://www.ll.mit.edu/r-d/datasets/2000-darpa-intrusion-detection-scenario-specific-datasets [2000 DARPA INTRUSION DETECTION SCENARIO SPECIFIC DATASETS], https://www.unb.ca/cic/datasets/ids.html (accessed on 21 February 2022) (Intrusion detection evaluation dataset (ISCXIDS2012))).

Conflicts of Interest

The authors declare that there are no conflict of interest regarding the publication of this paper.

References

  1. Javadpour, A.; Abharian, S.K.; Wang, G. Feature selection and intrusion detection in cloud environment based on machine learning algorithms. In Proceedings of the 2017 IEEE International Symposium on Parallel and Distributed Processing with Applications and 2017 IEEE International Conference on Ubiquitous Computing and Communications (ISPA/IUCC), Guangzhou, China, 12–15 December 2017; pp. 1417–1421. [Google Scholar]
  2. Dawkins, J.; Hale, J. A systematic approach to multi-stage network attack analysis. In Proceedings of the Second IEEE International Information Assurance Workshop, Charlotte, NC, USA, 9 April 2004; pp. 48–56. [Google Scholar] [CrossRef]
  3. Navarro, J.; Deruyver, A.; Parrend, P. A systematic survey on multi-step attack detection. Comput. Secur. 2018, 76, 214–249. [Google Scholar] [CrossRef]
  4. Zhu, B.; Ghorbani, A.A. Alert correlation for extracting attack strategies. Int. J. Netw. Secur. 2006, 3, 244–258. [Google Scholar]
  5. Wang, L.; Li, Y.; Li, Z.T. A novel technique of recognising multi-stage attack behaviour. Int. J. High Perform. Comput. Netw. 2010, 6, 174–180. [Google Scholar] [CrossRef]
  6. Wang, C.H.; Chiou, Y.C. Alert correlation system with automatic extraction of attack strategies by using dynamic feature weights. Int. J. Comput. Commun. Eng. 2016, 5, 1. [Google Scholar] [CrossRef] [Green Version]
  7. Ourston, D.; Matzner, S.; Stump, W.; Hopkins, B. Applications of hidden markov models to detecting multi-stage network attacks. In Proceedings of the 36th Annual Hawaii International Conference on System Sciences, Big Island, HI, USA, 6–9 January 2003; p. 10. [Google Scholar]
  8. Luktarhan, N.; Jia, X.; Hu, L.; Xie, N. Multi-Stage Attack Detection Algorithm Based on Hidden Markov Model; Springer: Berlin/Heidelberg, Germany, 2012; pp. 275–282. [Google Scholar] [CrossRef]
  9. Shawly, T.; Elghariani, A.; Kobes, J.; Ghafoor, A. Architectures for detecting interleaved multi-stage network attacks using hidden Markov models. IEEE Trans. Dependable Secur. Comput. 2019, 18, 2316–2330. [Google Scholar] [CrossRef] [Green Version]
  10. Xu, M.; Li, X.; Ma, J.F.; Zhong, C.; Yang, W. Detection of multi-stage attacks based on multi-layer long and short-term memory network. In Proceedings of the ICC 2019–2019 IEEE International Conference on Communications (ICC), Shanghai, China, 20–24 May 2019; pp. 1–6. [Google Scholar]
  11. Zhou, P.; Zhou, G.; Wu, D.; Fei, M. Detecting multi-stage attacks using sequence-to-sequence model. Comput. Secur. 2021, 105, 102203. [Google Scholar] [CrossRef]
  12. Charan, P.S.; Kumar, T.G.; Anand, P.M. Advance persistent threat detection using long short term memory (LSTM) neural networks. In Proceedings of the International Conference on Emerging Technologies in Computer Engineering; Springer: Berlin/Heidelberg, Germany, 2019; pp. 45–54. [Google Scholar]
  13. Mao, B.; Liu, J.; Lai, Y.; Sun, M. MIF: A multi-step attack scenario reconstruction and attack chains extraction method based on multi-information fusion. Comput. Netw. 2021, 198, 108340. [Google Scholar] [CrossRef]
  14. Cheng, Q.; Wu, C.; Zhou, S. Discovering Attack Scenarios via Intrusion Alert Correlation Using Graph Convolutional Networks. IEEE Commun. Lett. 2021, 25, 1564–1567. [Google Scholar] [CrossRef]
  15. Ramaki, A.A.; Khosravi-Farmad, M.; Bafghi, A.G. Real time alert correlation and prediction using Bayesian networks. In Proceedings of the 2015 12th International Iranian Society of Cryptology Conference on Information Security and Cryptology (ISCISC), Rasht, Iran, 8–10 September 2015; pp. 98–103. [Google Scholar]
  16. Liu, J.; Liu, B.; Zhang, R.; Wang, C. Multi-step Attack Scenarios Mining Based on Neural Network and Bayesian Network Attack Graph. In Proceedings of the International Conference on Artificial Intelligence and Security; Springer: Berlin/Heidelberg, Germany, 2019; pp. 62–74. [Google Scholar]
  17. Zhang, Y.; Zhao, D.; Liu, J. The application of baum–Welch algorithm in multistep attack. Sci. World J. 2014, 2014, 374260. [Google Scholar] [CrossRef] [PubMed]
  18. Holgado, P.; Villagrá, V.A.; Vazquez, L. Real-time multistep attack prediction based on hidden markov models. IEEE Trans. Dependable Secur. Comput. 2017, 17, 134–147. [Google Scholar] [CrossRef]
  19. Ghafir, I.; Kyriakopoulos, K.G.; Lambotharan, S.; Aparicio-Navarro, F.J.; AsSadhan, B.; BinSalleeh, H.; Diab, D.M. Hidden Markov models and alert correlations for the prediction of advanced persistent threats. IEEE Access 2019, 7, 99508–99520. [Google Scholar] [CrossRef]
  20. Ghafir, I.; Hammoudeh, M.; Prenosil, V.; Han, L.; Hegarty, R.; Rabie, K.; Aparicio-Navarro, F.J. Detection of advanced persistent threat using machine-learning correlation analysis. Future Gener. Comput. Syst. 2018, 89, 349–359. [Google Scholar] [CrossRef] [Green Version]
  21. Li, T.; Liu, Y.; Liu, Y.; Xiao, Y.; Nguyen, N.A. Attack plan recognition using hidden Markov and probabilistic inference. Comput. Secur. 2020, 97, 101974. [Google Scholar] [CrossRef]
  22. Rabiner, L.R. A tutorial on hidden Markov models and selected applications in speech recognition. Proc. IEEE 1989, 77, 257–286. [Google Scholar] [CrossRef] [Green Version]
  23. Bilmes, J.A. A gentle tutorial of the EM algorithm and its application to parameter estimation for Gaussian mixture and hidden Markov models. Int. Comput. Sci. Inst. 1998, 4, 126. [Google Scholar]
  24. Mikolov, T.; Chen, K.; Corrado, G.; Dean, J. Efficient estimation of word representations in vector space. arXiv 2013, arXiv:1301.3781. [Google Scholar]
  25. Larue, P.; Jallon, P.; Rivet, B. Modified K-mean clustering method of HMM states for initialization of Baum–Welch training algorithm. In Proceedings of the 2011 19th European Signal Processing Conference, Barcelona, Spain, 29 August–2 September 2011; pp. 951–955. [Google Scholar]
  26. Chadza, T.; Kyriakopoulos, K.G.; Lambotharan, S. Learning to learn sequential network attacks using hidden Markov models. IEEE Access 2020, 8, 134480–134497. [Google Scholar] [CrossRef]
  27. Zissman, M. DARPA Intrusion Detection Scenario Specific Data Sets. 2000. Available online: https://www.ll.mit.edu/r-d/datasets/2000-darpa-intrusion-detection-scenario-specific-datasets (accessed on 21 February 2022).
  28. DEFCON21 CTF Dataset. Available online: https://media.defcon.org/DEF%20CON%2021/ (accessed on 21 February 2022).
  29. Shiravi, A.; Shiravi, H.; Tavallaee, M.; Ghorbani, A.A. Toward developing a systematic approach to generate benchmark datasets for intrusion detection. Comput. Secur. 2012, 31, 357–374. [Google Scholar] [CrossRef]
  30. Sadighian, A.; Fernandez, J.M.; Lemay, A.; Zargar, S.T. Ontids: A highly flexible context-aware and ontology-based alert correlation framework. In Proceedings of the International Symposium on Foundations and Practice of Security; Springer: Berlin/Heidelberg, Germany, 2013; pp. 161–177. [Google Scholar]
Figure 1. The proposed MSA-detection flowchart.
Figure 1. The proposed MSA-detection flowchart.
Sensors 22 02874 g001
Figure 2. Skip-gram model architecture.
Figure 2. Skip-gram model architecture.
Sensors 22 02874 g002
Figure 3. An example of an alert vector.
Figure 3. An example of an alert vector.
Sensors 22 02874 g003
Figure 4. The results for DARPA 2000.
Figure 4. The results for DARPA 2000.
Sensors 22 02874 g004
Figure 5. The results for DEFCON21.
Figure 5. The results for DEFCON21.
Sensors 22 02874 g005
Figure 6. The results for ISCX2012.
Figure 6. The results for ISCX2012.
Sensors 22 02874 g006
Figure 7. The ISCXIDS 2012 partial alert vector.
Figure 7. The ISCXIDS 2012 partial alert vector.
Sensors 22 02874 g007
Table 1. The datasets of the multi-step attack sequence.
Table 1. The datasets of the multi-step attack sequence.
DatasetData SourceAttack PhaseData PackagesAlert Description
LLDOS 1.0Inside s 1 4040
s 2 158151
s 3 22542
s 4 52074
s 5 74,480266
DMZ s 1 785785
s 2 148135
s 3 53096
s 4 526100
s 5 34,5531
DEFCON21 CTF- s 1 -89
s 2 -179
s 3 -248
ISCXIDS 2012testbed-13jun s 1 4,294,50254
s 2 27,928117
s 3 61,6981
s 4 37,24023
s 5 1,341,78510
Table 2. The initial parameters of the alert description transition probability matrix B in the DARPA 2000 dataset. s i denotes the i attack phase, v j denotes the j alert description, and the element b i ( j ) in the matrix denotes the probability of the i attack phase generate an alert description j.
Table 2. The initial parameters of the alert description transition probability matrix B in the DARPA 2000 dataset. s i denotes the i attack phase, v j denotes the j alert description, and the element b i ( j ) in the matrix denotes the probability of the i attack phase generate an alert description j.
Attack PhaseTraining MethodAlert Description
v 1 v 2 v 3 v 4 v 5 v 16
s 1 TL DE and B-W0.06250.06250.06250.06250.06250.0625
K-means1.00.000.000.000.000.00
Our0.300.290.200.000.010.00
s 2 TL DE and B-W0.06250.06250.06250.06250.06250.0625
K-means0.000.000.000.910.090.00
Our0.010.000.010.320.450.00
s 3 TL DE and B-W0.06250.06250.06250.06250.06250.0625
K-means0.000.000.000.000.000.00
Our0.040.020.010.090.100.00
s 4 TL DE and B-W0.06250.06250.06250.06250.06250.0625
K-means0.000.000.000.000.000.00
Our0.010.010.010.010.000.00
s 5 TL DE and B-W0.06250.06250.06250.06250.06250.0625
K-means0.000.000.000.000.000.34
Our0.000.000.000.050.010.65
Table 3. Online detection delay and the number of alerts.
Table 3. Online detection delay and the number of alerts.
DatasetNumber of AlertsTraining MethodDelay (ms)Memory Consumption (MB)
DARPA 20001117B-W612
K-means612
TL4.617
Our412
DEFCON21 CTF516B-W4.512
K-means4.512
TL4.817
Our4.312
ISCX2012205B-W4.512
K-means4.412
TL4.412
Our4.312
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Zhang, X.; Wu, T.; Zheng, Q.; Zhai, L.; Hu, H.; Yin, W.; Zeng, Y.; Cheng, C. Multi-Step Attack Detection Based on Pre-Trained Hidden Markov Models. Sensors 2022, 22, 2874. https://doi.org/10.3390/s22082874

AMA Style

Zhang X, Wu T, Zheng Q, Zhai L, Hu H, Yin W, Zeng Y, Cheng C. Multi-Step Attack Detection Based on Pre-Trained Hidden Markov Models. Sensors. 2022; 22(8):2874. https://doi.org/10.3390/s22082874

Chicago/Turabian Style

Zhang, Xu, Ting Wu, Qiuhua Zheng, Liang Zhai, Haizhong Hu, Weihao Yin, Yingpei Zeng, and Chuanhui Cheng. 2022. "Multi-Step Attack Detection Based on Pre-Trained Hidden Markov Models" Sensors 22, no. 8: 2874. https://doi.org/10.3390/s22082874

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

Article Metrics

Back to TopTop