Next Article in Journal
Transformer-Based Student Engagement Recognition Using Few-Shot Learning
Previous Article in Journal
Developing a Crowdsourcing Digital Repository for Natural and Cultural Heritage Preservation and Promotion: A Report on the Experience in Zakynthos Island (Greece)
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Hybrid Deep Neural Network Optimization with Particle Swarm and Grey Wolf Algorithms for Sunburst Attack Detection

by
Mohammad Almseidin
1,†,
Amjad Gawanmeh
2,*,†,
Maen Alzubi
3,†,
Jamil Al-Sawwa
1,†,
Ashraf S. Mashaleh
4,† and
Mouhammd Alkasassbeh
5,†
1
Computer Science Department, Tafila Technical University, Tafila 66110, Jordan
2
College of Engineering and IT, University of Dubai, Dubai 14143, United Arab Emirates
3
Department of Robotics and Artificial Intelligence, Jadara University, Irbid 21110, Jordan
4
Computer Center Department, Al-Balqa’ Applied University, Salt 19117, Jordan
5
Department of Computer Science, Princess Sumaya University for Technology, Amman 11195, Jordan
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Computers 2025, 14(3), 107; https://doi.org/10.3390/computers14030107
Submission received: 14 February 2025 / Revised: 28 February 2025 / Accepted: 1 March 2025 / Published: 17 March 2025

Abstract

:
Deep Neural Networks (DNNs) have been widely used to solve complex problems in natural language processing, image classification, and autonomous systems. The strength of DNNs is derived from their ability to model complex functions and to improve detection engines through deeper architecture. Despite the strengths of DNN engines, they present several crucial challenges, such as the number of hidden layers, the learning rate, and the neuron weight. These parameters are considered to play a crucial role in the ability of DNNs to detect anomalies. Optimizing these parameters could improve the detection engine and expand the utilization of DNNs for various areas of application. Bio-inspired optimization algorithms, especially Particle Swarm Intelligence (PSO) and the Gray Wolf Optimizer (GWO), have been widely used to optimize complex tasks because of their ability to explore the search space and their fast convergence. Despite the significant successes of PSO and GWO, there remains a gap in the literature regarding their hybridization and application in Intrusion Detection Systems (IDSs), such as Sunburst attack detection, especially using DNN. Therefore, in this paper, we introduce a hybrid detection model that investigates the ability to integrate PSO and GWO so as to improve the DNN architecture to detect the Sunburst attack. The PSO algorithm was used to optimize the learning rate and the number of hidden layers, while the GWO algorithm was used to optimize the neuron weight. The hybrid model was tested and evaluated based on open-source Sunburst attacks. The results demonstrate the effectiveness and robustness of the suggested hybrid DNN model. Furthermore, an extensive analysis was conducted by evaluating the suggested hybrid PSO–GWO along with other hybrid optimization techniques, namely Genetic Algorithm (GA), Differential Evolution (DE), and Ant Colony Optimization (ACO). The results demonstrate that the suggested hybrid model outperformed other optimization techniques in terms of accuracy, precision, recall, and F1-score.

1. Introduction

Recently, the advantages of Deep Neural Networks (DNNs) have demonstrated their effectiveness in various areas of application, such as natural language processing, image classification, and autonomous systems. The benefits of DNNs are characterized by their ability to model complex functions and improve the detection engine through deeper architecture [1]. Typically, DNNs include three primary layers. The first layer is the input layer, which is responsible for receiving the raw data/features and forwarding them to the hidden layer layer for extra processing. The second layer is the intermediate hidden layer between the input and output layers, where the crucial computation is performed. The hidden layers offer the ability to learn complex patterns by adjusting weights and biases through backpropagation. Finally, the output layer is responsible for mapping the output to the target class, such as identifying object class or predicting numerical values [2,3]. Figure 1 presents the general architecture of DNNs.
In recent years, hybrid DNN techniques [4,5,6] have been increasingly explored to enhance the detection capabilities of Intrusion Detection Systems. However, hybrid DNN techniques mainly focus on feature extraction and data preprocessing, which can be both time-consuming and resource-intensive, particularly in the context of Sunburst attack detection. Despite the promising achievements of DNNs in various fields, they present a number of challenges that need to be optimized, such as the number of hidden layers, learning rate, and neural weights. These parameters play a crucial role in enhancing the ability of DNNs to detect anomalies. Optimizing the previous parameters beyond just improving the detection engine also offers the opportunity to reduce the computation time as well as the utilized resources. This benefit could result in DNN models being suitable for various applications where there are limited resources. Specifically, the learning rate parameter is a key parameter that controls the convergence speed and model accuracy. A high learning rate could lead to passing over the optimal solution as well as instability in convergence. From another perspective, a slow learning rate could lead to the model issue becoming trapped in the local minima [7]. On the other hand, the number of hidden layers plays an essential role in affecting the ability of the model to learn complex patterns. However, the many hidden layers may lead to the issue of overfitting [8]. Furthermore, the weight of the neurons illustrates their connections, where the updates to these weights during training help reduce the loss function of the DNN model [9]. Therefore, there is an urgent need to build a DNN model that has its own optimized parameters to help improve the detection process, as well as reduce the utilized resources. Bio-inspired optimization algorithms are considered crucial solutions that aim to handle optimization tasks. These algorithms were introduced to find the optimal/near-optimal solution for a complex task [10]. Bio-inspired optimization algorithms were introduced to reflect strategies that simulate the social behavior of animals, humans, the universe, etc. The widespread use of these algorithms proves their ability to handle a large search space and non-linear tasks. In addition, these algorithms were designed to find the optimal/near-optimal solutions in the global search space through exploration and extrapolation techniques [11].
Bio-inspired optimization algorithms address the limitations of the typical optimization methods, such as dealing with high-dimensional space and non-linear tasks by simulating real-world phenomena [12]. Bio-inspired optimization algorithms could be categorized under biological phenomena, and that includes evolutionary algorithms, swarm intelligence, and nature-inspired algorithms [13]. The strength of bio-inspired optimization algorithms derives from their ease of implementation, where there are no complex mathematical equations. Also, bio-inspired optimization algorithms could be suitable candidates to offer parallelism and scalability [14].
Therefore, bio-inspired optimization algorithms have been widely used in various application areas including optimizing DNN architecture. Optimized DNN models offer an opportunity to be used in various application areas, especially as an Intrusion Detection System (IDS). Recently, machine learning-based IDSs and DNN-based IDSs achieved signification contributions in detecting various types of intrusions [6,15,16]. The rapid growth of DNN optimization techniques helps reduce the intruder’s attacks effectively because DNN can learn from complex patterns of data, as well as handle the high-dimensional space [17]. Particle Swarm Optimization (PSO) [18] and Grey Wolf Optimizer (GWO) [19] were widely used in optimizing complex tasks due to their effectiveness in exploring the search space and their fast convergence. The PSO algorithm mimics the social behavior of a bird flock, where the candidate solutions are illustrated as particles. On each iteration, the particles change their position regarding the derived information from the swarm [20]. Similarly, GWO was introduced to simulate the social behavior of hunting strategies of gray wolves. The GWO algorithm is initiated by generating a sample of candidate solutions (gray wolves). Afterward, the swarm of wolves aims to encircle the prey, which represents the optimal solution, by updating their positions [21]. GWO and PSO demonstrated their effectiveness in various application areas, including IDS systems.
Despite the significant successes of PSO and GWO, there remains a gap in the literature regarding their hybridization and application to IDS challenges such as Sunburst attack detection, especially using DNN. The Sunburst attack was launched in 2020 and is considered a type of supply chain attack concerned with SolarWinds’ Orion software [22,23,24,25]. According to the Danish report from the Danish Centre for Cyber Security (CFCS) [26], 18,000 organizations were infected by these backdoor attacks. Despite its damage impact, there is a lack of research utilizing deep learning approaches, particularly DNNs optimized by metaheuristics, for detecting such advanced cyberattacks. On the other hand, the PSO algorithm has its key strengths, and the GWO algorithm has its key strengths. Hybridizing both algorithms could overcome the expected limitations of these algorithms and offer more robust results. This work aims to fill this gap by combining PSO-GWO with DNN to detect Sunburst attacks. The suggested hybridization tackles the capabilities of PSO in exploitation as well as the capabilities of GWO in achieving a more balanced and effective optimization process. The main contributions of this work as manifold, as follows:
  • Introducing a hybrid optimization model. We have developed a hybrid model that integrates PSO and GWO along with DNN to effectively detect the Sunburst attack.
  • Optimization of DNN parameters. We have integrated the GWO algorithm to optimize the weights of DNN as well as integrating PSO to optimize the number of hidden layers and learning rate.
  • Comprehensive comparison with other hybrid techniques. We have extensively compared the proposed hybrid model with other hybrid optimization techniques such as GA-PSO, SA-PSO, DE-PSO, and ACO-PSO based on standard evaluation metrics including detection rate, recall, precision, and F1-score.
The rest of the paper is organized as follows. Section 2 presents the recent related works to detect the Sunburst attack along with the recent bio-inspired optimization algorithms. It also highlights the urgent need to introduce a suitable detection model. Section 3 introduces the proposed hybrid technique, mainly the main steps and requirements that are required to use the GWO optimizer to optimize the weights of DNNs along with the PSO optimizer to optimize the number of hidden layers and the learning rate value. Section 4 details the results of the suggested hybrid detection model for the sake of detecting Sunburst attacks. Finally, Section 5 concludes the paper.

2. Related Works

This section presents the recent related works to detect the Sunburst attack along with the recent bio-inspired optimization algorithms and hybridization techniques within the area of IDS. It also highlights the urgent need to introduce a suitable detection approach for supply chain attacks, especially Sunburst attacks.
In [23], Almasri et al. recognized the damaging impact of supply chain attacks, particularly Sunburst attacks. The authors introduced a novel dataset that includes the Sunburst attack. The generated Sunburst dataset includes 81 features along with 50,910 records. The authors proposed a detection approach using the J48 algorithm. The suggested detection approach was initiated by selecting only the top 10 features that were relevant to detecting the Sunburst attack. The achieved results showed that the suggested J48 detection approach was able to successfully detect the Sunburst attack within the studied testbed environment. From another perspective, Chen et al. in [27] are concerned with unsupervised algorithms to mitigate the damage of supply chain attacks. The authors proposed a detection approach based on an unsupervised technique to model the normal behavior of users, forwarded by modeling the anomaly behavior of users. The suggested detection approach defined the privileged escalation cycle to easily detect abnormal behavior. The conducted experiments demonstrated that the unsupervised techniques could achieve promising results for detecting supply chain attacks. Furthermore, Haider et al. in [28] focused on the effects of supply chain attacks, especially Sunburst attacks. The essential challenge of detecting Sunburst attacks was referred to as they employed the use of legitimate channels. The authors proposed a framework to detect Sunburst attacks. In addition, the proposed framework was able to detect Command and Control (C2), which could be used by supply chain attacks. Preventing C2 is considered a critical stage in detecting supply chain attacks, as it is a preliminary stage for launching these attacks. The authors adapted a random forest algorithm as a detection engine, and the results showed the efficiency of the suggested detection framework [29].
In the domain of intrusion detection, DNNs have been growing according to their effectiveness in handling high-dimensional space and the ability to learn from complex patterns. For instance, Chauhdary in [30] utilized the strength of DNNs to detect supply chain attacks. The authors introduce a detection approach based on the Deep Belief Network (DBM) along with the extreme learning machine. For the sake of reducing the time complexity, the authors employed the feature selection technique. The feature selection technique was conducted using the Evolution Social Spider Optimization (ESSO) algorithm to select only the relevant features to detect supply chain attacks. Two datasets were used to evaluate the suggested detection approach, and the results showed the ability to detect studied supply chain attacks. In addition, Butt in [31] investigated the effects of supply chain attacks on IDS systems. This investigation was implemented by adapting various machine learning algorithms (random forest, logistic regression, and support vector machine) as detection engines to detect various types of supply chain attacks. The authors performed three sequence scenarios; the first scenario was for normal behavior (no attack was launched), the second scenario employed 20% random label flipping, and the last scenario adapted label flipping based on distance. KDD-99 was used as a testbed environment. The results showed the effect of using label flipping directly on the performance of the studied machine learning algorithms. Moreover, the logistic regression algorithm was the most elastic during the previously studied scenarios. From another perspective, Bassiouni et al. in [32] studied the impact of using DNN architectures to extract the features of the supply chain data. The authors adapted various DNN architectures, including Long Short-Term Memory (LSTM), 1D Convolutional Neural Network (CNN), and Deep-LSTM. These architectures were utilized as feature extractors, while other machine learning algorithms (random forest, artificial neural network, K nearest neighbor, and support vector machine) were adapted to classify the supply chain data. The results showed that the support vector machine achieved the highest accuracy rate.
Son et al. in [33] examined the advantages of supervised and unsupervised learning to detect supply chain attacks. The authors suggested a model based on a semi-supervised technique that was able to detect supply chain attacks within various layers, including the network layer and consensus layer. Deep autoencoder multilayer perception was adapted as a detection engine. The suggested model was evaluated according to the collected dataset. In addition, Yeboah et al. in [34] proposed an extensive analysis to detect supply chain attacks. This extensive analysis was carried out by adapting various machine learning algorithms including logistic regression, support vector machine, and decision tree. The authors adapted the grid search technique to optimize the cross-validation. The studied dataset was the Microsoft malware prediction dataset. The results suggested the decision tree algorithm as a suitable detection engine for supply chain attacks. Some research works focused on adapting meta-heuristic optimization algorithms to detect supply chain attacks as well as blockchain attacks. For instance, Albakri et al. in [35] proposed a detection model for blockchain attacks that integrates the machine learning and deep learning model algorithms along with the meta-heuristic optimization algorithms. The authors proposed a BHMML-CADC model that was utilized based on selecting the optimal features in addition to the optimal deep learning model. Hybrid glowworm swarm optimization was initiated to select the optimal features of the imported dataset. The next step was to adapt the quasi-recurrent neural network as a detection engine. It should be noted that the parameters of the quasi-recurrent neural network were optimized using a hunter–prey optimization algorithm. Bot-IoT was used as a testbed environment to evaluate the suggested detection model. The results showed that the suggested BHMML-CADC model was able to successfully detect the studied attacks; moreover, the results were compared with other typical machine learning techniques (support vector machine, XGBoost, and ensemble learning) and showed the superiority of the suggested model.
Akter et al. in [36] conducted a comprehensive analysis between CNN and Quantum Neural Network (QNN) for the sake of detecting software supply chain attacks. The authors adapted the quantum neural network using an open-source simulator. The ClaMP dataset was used as a testbed environment. The results discuss the execution time for both models. The QNN model recorded slower execution time when using a high percentage of the studied dataset. In addition, the execution time of CNN increased by increasing the percentage of the ClaMP dataset. In the same context, Mohammad et al. in [37] adapted various quantum machine learning techniques, including quantum support vector machine and quantum neural network, to detect software supply chain attacks. Two datasets (the ClaMP dataset and the ReVeal dataset) were adapted to evaluate the studied techniques. Various preprocessing techniques were employed, consisting of converting the categorical features into numerical features along with the normalization scale. The results showed that the classical machine learning techniques outperformed the quantum techniques in terms of detection rate.
Ismail et al. in [38] examined the damaging effect of supply chain attacks within the Industrial Internet of Things (IIoT). The authors conducted a detailed analysis of different machine learning techniques to introduce a lightweight machine learning model that could detect supply chain attacks within the IIoT environment. The authors focused on supervised learning, including support vector machine, K nearest neighbor, naive Bayes, and decision tree algorithms. The lightweight supervised models were tested based on the WUSTL-IIOT-2021 dataset. The studied dataset includes various attacks, such as SQL injection, reconnaissance, and backdoors. Dual feature selection techniques were applied (mutual information and extra tree). The lightweight models were compared in terms of typical performance metrics such as accuracy and F1-score, and the results showed the ability of the lightweight models to effectively detect various types of attacks. Furthermore, the damaging effect of supply chain attacks, through sharing information within the IoT environment, was discussed by Abosuliman in [39]. The author proposed a detection approach based on machine learning algorithms to detect Distributed Denial of Service (DDoS) attacks to protect the supply chain. The author adapted an optimization technique based on eigenvalues to select only the relevant features. Various machine learning algorithms were implemented to detect the studied attacks, and the results demonstrated the effectiveness of these algorithms for detecting DDoS attacks to secure the supply chain. Additionally, Songa et al. in [40] integrated ensemble feature techniques along with Recurrent Neural Network (RNN). The authors examined various machine learning algorithms to use in ensemble feature selection techniques. They divided ensemble feature techniques into two groups, and each group adapted their machine learning algorithms. The aim behind the separation ensemble feature technique was to select the minimum feature space. The authors successfully reduced the dimension space by 89% and forwarded the selected features to the RNN model. The RNN model was able to detect the studied attacks within the cloud environment. From another perspective, Kim et al. in [41] expand the contributions for protecting IIoT industries from various attacks, including supply chain attacks. The authors proposed a computation malware detection approach by integrating CNN algorithms along with a malware classification task. The suggested solution was evaluated based on the Malimg dataset. The results demonstrated that the suggested CNN malware detection approach was able to effectively detect the studied attacks.
In summary, the previous works introduced signification contributions and highlighted the urgent need to mitigate supply chain attacks. However, there remains a gap in the literature regarding their hybridization and application to IDS challenges, such as Sunburst attack detection, and the capabilities of DNNs against it remain underexplored. Despite the serious damage caused by Sunburst attacks, there is still a lack of contributions to adapting the optimized DNNs, especially using bio-inspired optimization algorithms. Optimized DNNs could be a suitable solution to detect supply chain attacks, such as Sunburst attacks. Integrating bio-inspired optimization algorithms with DNNs offers manifold benefits, as DNNs offer the required learning from complex data patterns. Bio-inspired optimization algorithms provide the required efficiency due to their effectiveness in exploring the search space and fast convergence. Therefore, this work introduces a hybrid technique that adapts the PSO and GWO algorithms to optimize a DNN structure to detect Sunburst attacks.

3. The Proposed Hybrid Detection Approach

This section introduces the proposed hybrid technique, mainly the main steps and requirements that are required to use the GWO optimizer to optimize the weights of DNNs along with the PSO optimizer to optimize the number of hidden layers and the learning rate value.
The effectiveness of the DNN models for solving complex classification tasks demands optimized DNN parameters [42]. The optimized DNN parameters, including the learning rate, the number of hidden layers, and the neuron’s weights, were essential steps in generating an effective DNN model able to handle complex classification tasks such as intrusion detection. During the early phase of adopting the proposed hybrid technique, we used the recent Sunburst attack dataset. The utilized Sunburst attack dataset was introduced by Almasri et al. [23]. The purpose of using this dataset instead of other intrusion datasets is to include the requested case study (Sunburst), offering realistic traffic that was generated by real network devices. Furthermore, it includes full payload capture information. Hence, the previous characteristics ensured its suitability as the testbed environment of the proposed hybrid technique. The utilized Sunburst attack dataset includes 50,910 instances, where 43,713 instances present the Sunburst attack behavior, and the rest of the instances present the legal traffic.
Data preprocessing for the studied Sunburst attack dataset is a critical step. Data preprocessing includes various essential steps. First, the raw data are cleaned by removing any irrelevant or non-numeric features, such as identifiers, timestamps, or IP addresses. This is followed by handling missing values by imputation. Next, categorical variables are encoded into numerical values using one-hot encoding. Feature scaling is essential at this stage; hence, normalization is applied to bring all numerical features into a similar range. These preprocessing steps set the stage for effectively training a hybrid approach, combining both PSO and GWO for optimal parameter tuning. Figure 2 presents the data preprocessing steps for the proposed hybrid detection approach.
The studied Sunburst attack dataset involved 87 features that were extracted from the collected PCAP files. Dealing with large dimension space of features could be time-consuming and could also lead to achieving unrealistic results [11]. Due to this reason, in this work, we have extracted the same top 10 features that are extracted in [23].
The extracted top 10 features are illustrated in Table 1. The identifier features were removed to offer more reliability and generalizability of the suggested hybrid DNN detection model. The identifier features, such as time stamp and source IP address, could lead to bias and lead the model to overfit training and testing processes. The optimization technique for the DNNs aimed to reduce the loss function, which presents the error/misclassification between the actual target and the predicted target [43]. Typically, the loss function is the binary cross-entropy, which is defined as follows:
L o s s = i = 1 n y i log ( y ^ i ) + ( 1 y i ) log ( 1 y ^ i )
where y i is the actual target and y ^ i is the predicted probability. In terms of the optimization of DNNs, the neuron’s weight could employ any values in a continuous range except for some restrictions, such as limitation bounds. The number of hidden layers was typically restricted according to predefined discrete sets [44]. Therefore, the optimization process for the parameters and hyperparameters of DNNs is considered an essential demand to generate a DNN model capable of accurately solving the classification problems. The bio-inspired optimization algorithms have demonstrated their effectiveness for solving complex optimization problems due to their ability to explore the search space effectively [10]. In this work, the suggested hybrid optimization technique was conducted as follows:
  • The implementation of the PSO algorithm for the sake of optimizing the learning rate and number of hidden layers.
  • The implementation of the GWO algorithm for the sake of optimizing the neuron’s weights.
Figure 3 shows the general architecture of the suggested hybrid PSO-GWO DNNs. At the early stage of constructing the suggested hybrid optimization technique, the normalization preprocessing technique was employed to ensure that the studied features would equally contribute to the model within the same scale and offer more computation stability. Afterward, the PSO algorithm was adapted to optimize the hyperparameters (learning rate and the number of hidden layers) of the DNN. In the PSO algorithm, each particle had an initial position, and the updated initial position concerning its new velocity to ensure the particle position moved to the near-optimal solution. The initial position represents the initial candidate solutions, which are a combination of the hyperparameter values (learning rate and the number of hidden layers). In other words, each particle had a position vector that included two parts; the first part represented the learning rate ( η ), and the second part represented the number of hidden layers (h).
Particle Position = ( η i , h i )
The following equations determine the new position of the particle concerning its velocity:
v i ( t + 1 ) = w · v i ( t ) + c 1 · r 1 · ( p i best x i ( t ) ) + c 2 · r 2 · ( g best x i ( t ) )
x i ( t + 1 ) = x i ( t ) + v i ( t + 1 )
where ω is the inertia weight, which controls how much of the previous velocity is retained. c 1 and c 2 are the cognitive and social coefficients, respectively. They control the influence of the particle’s personal best and the global best on the velocity update. r 1 and r 2 are random numbers in the range [0, 1], which introduce randomness in the exploration. p i is the personal best position of the particle. g is the global best position of the swarm. x i ( t ) is the current position of the particle.
The utilized fitness function was designed to measure the performance of the DNN according to the optimized learning rate and number of hidden layers; as PSO was designed to minimize the fitness function, the adapted fitness function is described as follows:
Fitness = Accuracy
This optimization phase ensures that the global best values of learning rate ( η ) and hidden layer size (h) were achieved as well as maximizing the performance of the DNN. Following the optimization of the hyperparameters (learning rate ( η ) and hidden layer size (h)), we feed the optimized parameters to the GWO optimizers for the sake of optimizing the neuron’s weight. The GWO optimizer simulated the hunting behavior of gray wolves in nature. The best solution (leader) in the GWO algorithm is presented as the ( α ) parameter. The second-best solution is presented as the ( β ) parameter, and the third-best solution is presented as the ( δ ) parameter. The rest of the solutions were presented as ( ω ) wolf parameters.
The main idea of GWO optimizers is that the rest of the wolves ( ω ) follow the leaders ( α ), ( β ), ( δ ) to find the best solution (optimal neuron weight). In nature, gray wolves focus on surrounding their victim during hunting. This procedure was represented as the distance between the current solution (wolf) and the best solution. Therefore, the position (neuron weights) of each wolf is updated in terms of following the leader’s positions α as follows:
D α = | C 1 · α X |
X 1 = α A 1 · D α
where A and C are coefficient vectors. In addition, the wolf position was updated to follow the rest of the leaders, β and  δ , as follows:
D β = | C 2 · β X | X 2 = β A 2 · D β D δ = | C 3 · δ X | X 3 = δ A 3 · D δ
The final updated position is the average of these three leaders’ positions:
X ( t + 1 ) = X 1 + X 2 + X 3 3
Algorithm 1 summarizes the adaptation of the PSO algorithm to optimize the learning rate and the number of hidden layers, while the GWO algorithm optimized the neuron’s weights. Table 2 shows the symbols used in the algorithm.
Algorithm 1 Hybrid PSO-GWO-based DNN for Sunburst attack detection.
1:
Input: Dataset D (Sunburst attack dataset), population size N, number of iterations T, PSO hyperparameters ( w , c 1 , c 2 ) , and GWO coefficients ( A , C ) .
2:
Output: Optimized Deep Neural Network (DNN) model.
3:
Initialize the population of particles X PSO (learning rate and hidden layers) and wolves X GWO (weights).
Step 1: PSO for Learning Rate and Hidden Layer Optimization
4:
for each particle i in PSO population do
5:
      Initialize position X PSO i = ( l r , L ) .
6:
      Evaluate fitness f ( X PSO i ) using cross-validation accuracy.
7:
      for each iteration t = 1 to T do
8:
            Update velocity:
v i t + 1 = w v i t + c 1 r 1 ( p best X PSO i ) + c 2 r 2 ( g best X PSO i )
9:
            Update position:
X PSO i , t + 1 = X PSO i , t + v i t + 1
10:
          Evaluate new fitness f ( X PSO i ) .
11:
          Update personal best p best and global best g best if fitness improves.
12:
      end for
13:
end for
14:
Set optimized learning rate l r best and hidden layers L best from best particle.
Step 2: GWO for Neural Network Weight Optimization
15:
for each wolf j in GWO population do
16:
      Initialize position X GWO j representing neural network weights.
17:
      Train DNN using l r best , L best .
18:
      Evaluate fitness f ( X GWO j ) using accuracy.
19:
      for each iteration t = 1 to T do
20:
            Compute distance from leaders:
D α = | C 1 · X α X GWO j |
D β = | C 2 · X β X GWO j |
D δ = | C 3 · X δ X GWO j |
21:
            Update position:
X GWO j , t + 1 = X α + X β + X δ 3
22:
            Evaluate new fitness f ( X GWO j ) .
23:
            Update Alpha X α , Beta X β , and Delta X δ if necessary.
24:
      end for
25:
end for
26:
Set optimized weights W best based on Alpha wolf.
Step 3: Train Final DNN
27:
Train DNN with l r best , L best , W best .
28:
Use loss function:
L = Cross- Entropy Loss ,             if classification Mean Squared Error ,         if regression
29:
Return: Final trained DNN model.

4. Experiments and Results

This section details the results of the suggested hybrid detection model for the sake of detecting Sunburst attacks. The performance of the suggested hybrid detection model was evaluated according to the standard performance metrics, including detection rate, recall, precision, F1-score, and confusion matrices. These performance metrics assisted in highlighting the model’s performance according to various scenarios. The experiments were conducted on Ryzen 7 5800U with 8 GB of RAM, which offered sufficient computational power for our hybrid approach. Although using higher-end hardware could enhance processing speed, the current setup was sufficient to effectively demonstrate the efficiency of our hybrid approach.
In the beginning, we employed the first experiment, which aimed to compare the performance of the hybrid PSO-GWO model versus the Adam optimizer [45] and standalone PSO, as well as standalone GWO algorithms. Each studied model applied the same DNN architecture to offer a fair comparison using the same Sunburst dataset. The suggested hybrid PSO-GWO model recorded 87% as the detection rate, which is superior to other baseline typical methods (standalone PSO, standalone GWO, Adam optimizer individually). Furthermore, the precision, recall, and F1-score were also outperformed compared to the baseline typical methods. During the training process and for the sake of avoiding overfitting, early stopping and dropout were employed. The parameter values of the utilized PSO for tuning the learning rate, the number of hidden layers, and GWO for tuning the neuron’s weight [46,47] are presented in Table 3.
The experimental results demonstrated the effectiveness of the suggested PSO-GWO detection model in terms of detecting Sunburst attacks. The optimized hyperparameters identified by PSO included a learning rate of 9.4 × 10 3 , and the number of hidden layers was 45. The optimized weights, subsequently tuned by the GWO algorithm, further enhanced the model’s ability to effectively detect Sunburst attacks. Figure 4 illustrates the obtained 5-fold cross-validation accuracy metrics of the suggested hybrid PSO-GWO for detecting Sunburst attacks. In addition, Figure 5 introduces the distribution of the neurons’ weights before adapting the optimization and after adapting the optimization technique. Figure 6 and Figure 7 illustrate the achieved ROC curve as well as the performance metrics, respectively.
The hybrid PSO-GWO optimization techniques demonstrate effectiveness in detecting Sunburst attacks as well as being superior to the typical methods, such as Adam optimizer. The histogram of weight distribution before and after optimization is presented in Figure 5 and indicates that the initial histograms of weight values are around the zero value. This indication could lead to limited variability and insufficient learning. From another perspective, this histogram of weight values is spread out, which could lead to enhanced learning capabilities. The presentation of weights in variability indicates that the GWO successfully contributed by optimizing the weights to enhance the model’s performance. The ROC curve in Figure 6 shows that the AUC value was 0.85, which indicates that the hybrid optimization model could distinguish effectively between classes. However, there is still room for improvement. The achieved performance metric results, which are presented in Figure 7, indicate that the hybrid model’s recall is higher than other metrics. This demonstrates the effectiveness of the suggested hybrid model for detecting positive cases (Sunburst attacks) effectively. Moreover, the F1-score recorded a good balance of model robustness. In addition, the detection rate was around 86% across 5-fold, which could indicate good generalizability.
Furthermore, for more extensive analysis, a second experiment was conducted to evaluate the suggested hybrid PSO-GWO along with other hybrid optimization techniques. The design of the second experiment was based on the strong foundation that the PSO algorithm is widely known for its robust global search capabilities, simplicity, and efficiency in exploring large, complex search spaces [48,49]. The studied hybrid optimization techniques are Genetic Algorithm (GA) [50], Differential Evolution (DE) [51], Ant Colony Optimization (ACO), and Simulated Annealing (SA) [52]. The studied optimization algorithms were used to optimize the neuron’s weight (instead of the GWO algorithm), while the PSO algorithm was used to optimize the learning rate and the number of hidden layers. In comparison with the suggested hybrid model (PSO-GWO), Figure 8 illustrates the achieved results of the studied optimization techniques in terms of convergence speed, measured by the number of required iterations to reach a detection rate of 80%.
It could be concluded that the suggested GWO-PSO hybrid technique was the fastest technique to achieve 80% for detecting Sunburst attacks. For in-depth analysis based on performance metrics such as detection rate and recall, Figure 9 compares the achieved results for the studied optimization techniques along with the proposed GWO-PSO hybrid model across various performance metrics.
To summarize the achieved results, the suggested incorporation of the PSO and GWO algorithms for optimizing the DNN structure was superior to other optimization techniques in terms of recall performance metrics. In addition, it could be concluded that precision, accuracy, and F1-score were balanced between 0.85 and 0.92. These results demonstrate that the PSO-GWO effectively detected the positive cases (Sunburst attack). In terms of the PSO-GA technique, it was lower than the suggested hybrid model for all performance metrics. The PSO-GA technique shows uniform performance between 0.80 and 0.85, which could imply a consistent but less effective performance. From another perspective, the PSO-SA technique continued the decreasing performance, converging around 0.80. These limitations of variation may highlight the difficulty of this hybrid technique to improve the performance successfully. It is worth noting that the PSO-DE was better than PSO-GA and PSO-SA in the Recall and F1-Score metrics. This improvement in performance metrics could highlight that PSO-DE could be a suitable candidate for detecting positive cases. Finally, PSO-ACO dropped in all studied performance metrics, which indicates that there was no significant improvement in various performance metrics. Consequently, the hybrid PSO-GWO outperformed other study techniques and recorded an exceptionally high score in the recall performance metric. The results demonstrate the effectiveness of the suggested hybrid model in cases where detecting positive cases is crucial. Moreover, the hybrid model was able to effectively tune the DNN parameters, which could enhance the performance metrics of the DNN in various aspects.
Although the results of the proposed solution are promising, there are some limitations to be considered. One limitation is that the suggested approach’s performance depends on the quality of the training data. In particular, the suggested approach may not generalize well to unseen datasets with different characteristics or patterns. Furthermore, adapting the model for real-time applications would require optimizing its computational efficiency and ensuring it can effectively handle dynamic and evolving network traffic.

5. Conclusions

This work has introduced a hybrid model that integrates PSO and GWO along with DNN to effectively detect Sunburst attacks. The integration of PSO was for optimizing the learning rate and the number of hidden layers. Moreover, the GWO algorithm was used to optimize the neuron’s weight. The aim behind the integration of these two optimization algorithms (PSO and GWO) was to fill the research gap by combining PSO-GWO with DNN to detect Sunburst attacks. The suggested hybridization takes advantage of the capabilities of PSO in exploitation as well as the capabilities of GWO in achieving a more balanced and effective optimization process. An open-source Sunburst attack dataset was used to evaluate the suggested hybrid DNN model. The purpose of using this dataset instead of other intrusion datasets was to include the requested case study (Sunburst), offering realistic traffic that was generated by real network devices. Furthermore, it includes full payload capture information. Hence, the previous characteristics ensured its suitability as the testbed environment of the proposed hybrid technique. At the early stage of constructing the suggested hybrid optimization technique, the normalization preprocessing technique was employed to ensure that the studied features would equally contribute to the model within the same scale and offer more computation stability. Afterwards, the PSO algorithm was adapted to optimize the hyperparameters (learning rate and the number of hidden layers) of DNN. Subsequently, after receiving the value of the number of hidden layers and the optimized learning rate value, the next step was to adapt the GWO algorithm to optimize the neuron’s weight. The experimental results demonstrated the suggested PSO-GWO detection model’s effectiveness in detecting Sunburst attacks. The optimized hyperparameters identified by PSO included a learning rate of 9.4 × 10 3 , and the number of hidden layers was 45. The optimized weights, subsequently tuned by the GWO algorithm, further enhanced the model’s ability to effectively detect Sunburst attacks.
In addition, a more in-depth analysis was conducted by adapting other optimization techniques: Genetic Algorithm (GA), Differential Evolution (DE), and Ant Colony Optimization (ACO). The suggested incorporation of the PSO and GWO algorithms for optimizing the DNN structure was superior to other optimization techniques, particularly in terms of the recall performance metric. In addition, it could be concluded that precision, accuracy, and F1-score were balanced between 0.85 and 0.92. These results demonstrated that PSO-GWO was able to effectively detect the positive cases (Sunburst attacks).
For future work, experimenting with a diverse range of intrusion datasets to evaluate the suggested approach’s performance in various real-world applications could be a promising direction. Additionally, incorporating other optimization techniques alongside PSO and GWO could lead to more robust approaches with improved performance.

Author Contributions

Conceptualization, M.A. (Mohammad Almseidin) and M.A. (Maen Alzubi); methodology, M.A. (Mohammad Almseidin) and A.G.; software, A.G., A.S.M. and J.A.-S.; validation M.A. (Mouhammd Alkasassbeh) and A.S.M.; funding A.G. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data is contained within the article.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Feng, X.; Zeng, L. Gradient-enhanced deep neural network approximations. J. Mach. Learn. Model. Comput. 2022, 3, 73–91. [Google Scholar] [CrossRef]
  2. Goodfellow, I.; Bengio, Y.; Courville, A. Deep Learning; MIT Press: Cambridge, MA, USA, 2016; Available online: http://www.deeplearningbook.org (accessed on 25 January 2025).
  3. Liao, H.; Murah, M.Z.; Hasan, M.K.; Aman, A.H.M.; Fang, J.; Hu, X.; Khan, A.U.R. A Survey of Deep Learning Technologies for Intrusion Detection in Internet of Things. IEEE Access 2024, 12, 4745–4761. [Google Scholar] [CrossRef]
  4. Aljehane, N.O.; Mengash, H.A.; Hassine, S.B.; Alotaibi, F.A.; Salama, A.S.; Abdelbagi, S. Optimizing intrusion detection using intelligent feature selection with machine learning model. Alex. Eng. J. 2024, 91, 39–49. [Google Scholar] [CrossRef]
  5. Bakır, H.; Ceviz, Ö. Empirical enhancement of intrusion detection systems: A comprehensive approach with genetic algorithm-based hyperparameter tuning and hybrid feature selection. Arab. J. Sci. Eng. 2024, 49, 13025–13043. [Google Scholar] [CrossRef]
  6. Sajid, M.; Malik, K.R.; Almogren, A.; Malik, T.S.; Khan, A.H.; Tanveer, J.; Rehman, A.U. Enhancing intrusion detection: A hybrid machine and deep learning approach. J. Cloud Comput. 2024, 13, 123. [Google Scholar] [CrossRef]
  7. Coletti, M.; Sedova, A.; Chahal, R.; Gibson, L.; Roy, S.; Bryantsev, V. Multiobjective Hyperparameter Optimization for Deep Learning Interatomic Potential Training Using NSGA-II. In Proceedings of the 52nd International Conference on Parallel Processing Workshops, Salt Lake City, UT, USA, 7–10 August 2023; pp. 172–179. [Google Scholar]
  8. Nikbakht, S.; Anitescu, C.; Rabczuk, T. Optimizing the neural network hyperparameters utilizing genetic algorithm. J. Zhejiang Univ.-Sci. A 2021, 22, 407–426. [Google Scholar] [CrossRef]
  9. Kulkarni, N.; Singh, N.; Joshi, Y.; Hasabi, N.; Meena, S.; Kulkarni, U.; Gurlahosur, S.V. Hybrid optimization for DNN model compression and inference acceleration. In Proceedings of the 2022 2nd International Conference on Intelligent Technologies (CONIT), Hubli, India, 24–26 June 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 1–8. [Google Scholar]
  10. Al-Sawwa, J.; Almseidin, M.; Alkasassbeh, M.; Alemerien, K.; Younisse, R. Spark-based multi-verse optimizer as wrapper features selection algorithm for phishing attack challenge. Clust. Comput. 2024, 27, 5799–5814. [Google Scholar] [CrossRef]
  11. Almseidin, M.; Al-Sawwa, J.; Alkasassbeh, M.; Alzubi, M.; Alrfou, K. DT-ARO: Decision tree-based artificial rabbits optimization to mitigate IoT Botnet exploitation. J. Netw. Syst. Manag. 2024, 32, 14. [Google Scholar] [CrossRef]
  12. Prithi, S.; Sumathi, S. A technical research survey on bio-inspired intelligent optimization grouping algorithms for finite state automata in intrusion detection system. Int. J. Eng. Sci. Technol. 2024, 16, 48–67. [Google Scholar] [CrossRef]
  13. Pham, T.H.; Raahemi, B. Bio-inspired feature selection algorithms with their applications: A systematic literature review. IEEE Access 2023, 11, 43733–43758. [Google Scholar] [CrossRef]
  14. Mishra, K.; Tiwari, S.; Misra, A. A bio inspired algorithm for solving optimization problems. In Proceedings of the 2011 2nd International Conference on Computer and Communication Technology (ICCCT-2011), Allahabad, India, 15–17 September 2011; IEEE: Piscataway, NJ, USA, 2011; pp. 653–659. [Google Scholar]
  15. Kasongo, S.M. A deep learning technique for intrusion detection system using a Recurrent Neural Networks based framework. Comput. Commun. 2023, 199, 113–125. [Google Scholar] [CrossRef]
  16. Sanju, P. Enhancing intrusion detection in IoT systems: A hybrid metaheuristics-deep learning approach with ensemble of recurrent neural networks. J. Eng. Res. 2023, 11, 356–361. [Google Scholar] [CrossRef]
  17. Akande, H.B.; Awoniyi, C.; Ogundokun, R.O.; Oloyede, A.A.; Yiamiyu, O.A.; Caroline, A.T. Enhancing Network Security: Intrusion Detection Systems with Hybridized CNN and DNN Algorithms. In Proceedings of the 2024 International Conference on Science, Engineering and Business for Driving Sustainable Development Goals (SEB4SDG), Omu-Aran, Nigeria, 2–4 April 2024; IEEE: Piscataway, NJ, USA, 2024; pp. 1–7. [Google Scholar]
  18. Eberhart, R.; Kennedy, J. A new optimizer using particle swarm theory. In Proceedings of the MHS’95: Proceedings of the Sixth International Symposium on Micro Machine and Human Science, Nagoya, Japan, 4–6 October 1995; IEEE: Piscataway, NJ, USA, 1995; pp. 39–43. [Google Scholar]
  19. Mirjalili, S.; Mirjalili, S.M.; Lewis, A. Grey wolf optimizer. Adv. Eng. Softw. 2014, 69, 46–61. [Google Scholar] [CrossRef]
  20. Gbenga, D.E.; Ramlan, E.I. Understanding the limitations of particle swarm algorithm for dynamic optimization tasks: A survey towards the singularity of PSO for swarm robotic applications. ACM Comput. Surv. (CSUR) 2016, 49, 8. [Google Scholar] [CrossRef]
  21. Pan, C.; Si, Z.; Du, X.; Lv, Y. A four-step decision-making grey wolf optimization algorithm. Soft Comput. 2021, 25, 14375–14391. [Google Scholar] [CrossRef]
  22. Coco, A.; Dias, T.; van Benthem, T. Illegal: The SolarWinds hack under international law. Eur. J. Int. Law 2022, 33, 1275–1286. [Google Scholar] [CrossRef]
  23. AlMasri, E.; Alkasassbeh, M.; Aldweesh, A. Towards Generating a Practical SUNBURST Attack Dataset for Network Attack Detection. Comput. Syst. Sci. Eng. 2023, 47, 2643–2669. [Google Scholar] [CrossRef]
  24. Yang, J.; Lee, Y.; McDonald, A.P. Solarwinds software supply chain security: Better protection with enforced policies and technologies. Softw. Eng. Artif. Intell. Netw. Parallel/Distributed Comput. 2022, 22, 43–58. [Google Scholar]
  25. Ahmad, J.; Shah, S.A.; Latif, S.; Ahmed, F.; Zou, Z.; Pitropakis, N. DRaNN_PSO: A deep random neural network with particle swarm optimization for intrusion detection in the industrial internet of things. J. King Saud Univ.-Comput. Inf. Sci. 2022, 34, 8112–8121. [Google Scholar] [CrossRef]
  26. Center for Cybersikkerhed (CFCS). The SolarWinds Compromise—Report on the Supply Chain Attack; Technical Report; Danish Centre for Cyber Security: Kastellet, Copenhagen, 2021; Available online: https://www.cfcs.dk/globalassets/cfcs/dokumenter/rapporter/en/CFCS-solarwinds-report-EN.pdf (accessed on 24 September 2024).
  27. Chen, C.M.; Huang, S.Y.; Cai, Z.X.; Ou, Y.H.; Lin, J. Detecting Supply Chain Attacks with Unsupervised Learning. In Proceedings of the 2023 9th International Conference on Applied System Innovation (ICASI), Chiba, Japan, 21–25 April 2023; IEEE: Piscataway, NJ, USA, 2023; pp. 232–234. [Google Scholar]
  28. Haider, R.Z.; Aslam, B.; Abbas, H.; Iqbal, Z. C2-Eye: Framework for detecting command and control (C2) connection of supply chain attacks. Int. J. Inf. Secur. 2024, 23, 2531–2545. [Google Scholar] [CrossRef]
  29. Bhat, P.; Dutta, K. A multi-tiered feature selection model for android malware detection based on Feature discrimination and Information Gain. J. King Saud Univ.-Comput. Inf. Sci. 2022, 34, 9464–9477. [Google Scholar] [CrossRef]
  30. Chauhdary, S.H.; Alkatheiri, M.S.; Alqarni, M.A.; Saleem, S. An efficient evolutionary deep learning-based attack prediction in supply chain management systems. Comput. Electr. Eng. 2023, 109, 108768. [Google Scholar] [CrossRef]
  31. Butt, U.J.; Hussien, O.; Hasanaj, K.; Shaalan, K.; Hassan, B.; Al-Khateeb, H. Predicting the Impact of Data Poisoning Attacks in Blockchain-Enabled Supply Chain Networks. Algorithms 2023, 16, 549. [Google Scholar] [CrossRef]
  32. Bassiouni, M.M.; Chakrabortty, R.K.; Sallam, K.M.; Hussain, O.K. Deep learning approaches to identify order status in a complex supply chain. Expert Syst. Appl. 2024, 250, 123947. [Google Scholar] [CrossRef]
  33. Son, D.H.; Manh, B.D.; Khoa, T.V.; Trung, N.L.; Hoang, D.T.; Minh, H.T.; Alem, Y.; Minh, L.Q. Semi-Supervised Learning for Anomaly Detection in Blockchain-based Supply Chains. arXiv 2024, arXiv:2407.15603. [Google Scholar]
  34. Yeboah-Ofori, A.; Boachie, C. Malware attack predictive analytics in a cyber supply chain context using machine learning. In Proceedings of the 2019 International Conference on Cyber Security and Internet of Things (ICSIoT), Accra, Ghana, 29–31 May 2019; IEEE: Piscataway, NJ, USA, 2019; pp. 66–73. [Google Scholar]
  35. Albakri, A.; Alabdullah, B.; Alhayan, F. Blockchain-assisted machine learning with hybrid metaheuristics-empowered cyber attack detection and classification model. Sustainability 2023, 15, 13887. [Google Scholar] [CrossRef]
  36. Akter, M.S.; Faruk, M.J.H.; Anjum, N.; Masum, M.; Shahriar, H.; Sakib, N.; Rahman, A.; Wu, F.; Cuzzocrea, A. Software supply chain vulnerabilities detection in source code: Performance comparison between traditional and quantum machine learning algorithms. In Proceedings of the 2022 IEEE International Conference on Big Data (Big Data), Osaka, Japan, 17–20 December 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 5639–5645. [Google Scholar]
  37. Mohammad, M.; Mohammad, N.; Jobair, H.M.; Hossain, S.; Maria, V.; Abdullah, H.M.; Gias, U.; Shabir, B.; Erhan, S.; Akond, R.; et al. Quantum machine learning for software supply chain attacks: How far can we go? In Proceedings of the COMPSAC 2022: Computer Software and Applications Conference, Los Alamitos, CA, USA, 27 June–1 July 2022. [Google Scholar]
  38. Ismail, S.; Dandan, S.; Dawoud, D.W.; Reza, H. A Comparative Study of Lightweight Machine Learning Techniques for Cyber-attacks Detection in Blockchain-Enabled Industrial Supply Chain. IEEE Access 2024, 12, 102481–102491. [Google Scholar] [CrossRef]
  39. Abosuliman, S.S. Deep learning techniques for securing cyber-physical systems in supply chain 4.0. Comput. Electr. Eng. 2023, 107, 108637. [Google Scholar] [CrossRef]
  40. Songa, A.V.; Karri, G.R. Ensemble-RNN: A Robust Framework for DDoS Detection in Cloud Environment. Majlesi J. Electr. Eng. 2023, 17, 31–44. [Google Scholar]
  41. Kim, H.m.; Lee, K.h. IIoT malware detection using edge computing and deep learning for cybersecurity in smart factories. Appl. Sci. 2022, 12, 7679. [Google Scholar] [CrossRef]
  42. Liao, L.; Li, H.; Shang, W.; Ma, L. An empirical study of the impact of hyperparameter tuning and model optimization on the performance properties of deep neural networks. ACM Trans. Softw. Eng. Methodol. (TOSEM) 2022, 31, 53. [Google Scholar] [CrossRef]
  43. Fallah, F. Active Inference-Based Optimization of Discriminative Neural Network Classifiers. arXiv 2023, arXiv:2306.02447. [Google Scholar]
  44. Ismailov, V.E.; Savas, E. Measure theoretic results for approximation by neural networks with limited weights. Numer. Funct. Anal. Optim. 2017, 38, 819–830. [Google Scholar] [CrossRef]
  45. Kingma, D.P. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  46. Mangat, V. Survey on particle swarm optimization based clustering analysis. In Swarm and Evolutionary Computation, Proceedings of the International Symposium on Evolutionary, Computation, Zakopane, Poland, 29 April–3 May 2012; Springer: Berlin/Heidelberg, Germany, 2012; pp. 301–309. [Google Scholar]
  47. Faris, H.; Aljarah, I.; Al-Betar, M.A.; Mirjalili, S. Grey wolf optimizer: A review of recent variants and applications. Neural Comput. Appl. 2018, 30, 413–435. [Google Scholar] [CrossRef]
  48. Khandelwal, M.K.; Sharma, N. A survey on particle swarm optimization algorithm. In Proceedings of the International Conference on Communication and Computational Technologies; Springer: Singapore, 2023; pp. 591–602. [Google Scholar]
  49. Harron, S.; Saxena, V.; Kumari, N. Exploring the Use of Particle Swarm Optimization Algorithms to Enhance Evolutionary Computing. In Proceedings of the 2024 International Conference on Optimization Computing and Wireless Communication (ICOCWC), Debre Tabor, Ethiopia, 29–30 January 2024; IEEE: Piscataway, NJ, USA, 2024; pp. 1–6. [Google Scholar]
  50. Holland, J.H. Genetic algorithms. Sci. Am. 1992, 267, 66–73. [Google Scholar] [CrossRef]
  51. Price, K.V. Differential evolution. In Handbook of Optimization: From Classical to Modern Approach; Springer: Berlin/Heidelberg, Germany, 2013; pp. 187–214. [Google Scholar]
  52. Bertsimas, D.; Tsitsiklis, J. Simulated annealing. Stat. Sci. 1993, 8, 10–15. [Google Scholar] [CrossRef]
Figure 1. The general architecture of DNNs.
Figure 1. The general architecture of DNNs.
Computers 14 00107 g001
Figure 2. Data preprocessing for the proposed hybrid detection approach.
Figure 2. Data preprocessing for the proposed hybrid detection approach.
Computers 14 00107 g002
Figure 3. The general architecture of the suggested hybrid PSO-GWO DNNs.
Figure 3. The general architecture of the suggested hybrid PSO-GWO DNNs.
Computers 14 00107 g003
Figure 4. The 5-fold cross-validation scores of the DNN-based hybrid PSO-GWO algorithms.
Figure 4. The 5-fold cross-validation scores of the DNN-based hybrid PSO-GWO algorithms.
Computers 14 00107 g004
Figure 5. Distribution of neuron weights before and after GWO optimization.
Figure 5. Distribution of neuron weights before and after GWO optimization.
Computers 14 00107 g005
Figure 6. The obtained receiver operating characteristic curve.
Figure 6. The obtained receiver operating characteristic curve.
Computers 14 00107 g006
Figure 7. The achieved performance metrics of the suggested hybrid PSO-GWO DNNs.
Figure 7. The achieved performance metrics of the suggested hybrid PSO-GWO DNNs.
Computers 14 00107 g007
Figure 8. The convergence speed to achieve a detection rate of 80%.
Figure 8. The convergence speed to achieve a detection rate of 80%.
Computers 14 00107 g008
Figure 9. Comparison of hybrid techniques across performance metrics.
Figure 9. Comparison of hybrid techniques across performance metrics.
Computers 14 00107 g009
Table 1. The extracted top 10 features.
Table 1. The extracted top 10 features.
Feature NameFeature DescriptionUsed Feature
TimestampTime at which the flow started (timestamp)No
Src portSource port number used in the flowNo
Dst portDestination port number used in the flowNo
Flow durationTotal time duration of the flowYes
Bwd Pkts/sBackward packets per second in the flowYes
Flow IAT meanMean inter-arrival time of packets in the flowYes
Pkt size avgAverage packet size in the flowYes
Flow IAT maxMaximum inter-arrival time between packets in the flowYes
Pkt len meanMean length of packets in the flowYes
Bwd Pkt len meanMean length of backward packets in the flowYes
Table 2. Explanation of symbols.
Table 2. Explanation of symbols.
SymbolDescription
DSunburst attack dataset
NPopulation size for PSO/GWO
TNumber of iterations
wInertia weight in PSO
c 1 , c 2 Acceleration coefficients in PSO
A , C Coefficients for GWO search mechanism
X PSO i Position of i th PSO particle (learning rate, hidden layers)
X GWO j Position of j th GWO wolf (DNN weights)
v i t Velocity of i th PSO particle at iteration t
p best Best position of a PSO particle (personal best)
g best Best position of the entire PSO swarm (global best)
l r best Optimal learning rate
L best Optimal number of hidden layers
W best Optimal neural network weights
D α , D β , D δ Distance of wolf from Alpha, Beta, Delta leaders
X α , X β , X δ Alpha, Beta, Delta wolves (top three best solutions)
L Loss function (cross-entropy for classification, MSE for regression)
Table 3. The hyperparameter values of the GWO and PSO optimizers.
Table 3. The hyperparameter values of the GWO and PSO optimizers.
OptimizerHyperparameterValue
Inertia Factor0.9
PSOc12
c22
GWOConvergence Parameter a0.9
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Almseidin, M.; Gawanmeh, A.; Alzubi, M.; Al-Sawwa, J.; Mashaleh, A.S.; Alkasassbeh, M. Hybrid Deep Neural Network Optimization with Particle Swarm and Grey Wolf Algorithms for Sunburst Attack Detection. Computers 2025, 14, 107. https://doi.org/10.3390/computers14030107

AMA Style

Almseidin M, Gawanmeh A, Alzubi M, Al-Sawwa J, Mashaleh AS, Alkasassbeh M. Hybrid Deep Neural Network Optimization with Particle Swarm and Grey Wolf Algorithms for Sunburst Attack Detection. Computers. 2025; 14(3):107. https://doi.org/10.3390/computers14030107

Chicago/Turabian Style

Almseidin, Mohammad, Amjad Gawanmeh, Maen Alzubi, Jamil Al-Sawwa, Ashraf S. Mashaleh, and Mouhammd Alkasassbeh. 2025. "Hybrid Deep Neural Network Optimization with Particle Swarm and Grey Wolf Algorithms for Sunburst Attack Detection" Computers 14, no. 3: 107. https://doi.org/10.3390/computers14030107

APA Style

Almseidin, M., Gawanmeh, A., Alzubi, M., Al-Sawwa, J., Mashaleh, A. S., & Alkasassbeh, M. (2025). Hybrid Deep Neural Network Optimization with Particle Swarm and Grey Wolf Algorithms for Sunburst Attack Detection. Computers, 14(3), 107. https://doi.org/10.3390/computers14030107

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