Skip to main content
PLOS One logoLink to PLOS One
. 2025 Sep 4;20(9):e0331470. doi: 10.1371/journal.pone.0331470

Multilayered SDN security with MAC authentication and GAN-based intrusion detection

Nanavath Kiran Singh Nayak 1, Budhaditya Bhattacharyya 1,*
Editor: Muhammad Anwar2
PMCID: PMC12410795  PMID: 40906752

Abstract

Computer networks are highly vulnerable to cybersecurity intrusions. Likewise, software-defined networks (SDN), which enable 5G users to broadcast sensitive data, have become a primary target for vulnerability. To protect the network security against attacks, various security protocols, including authorization, the authentication process, and intrusion detection techniques, are essential. However, there are several intrusion detection strategies, but the most prevalent methods show low accuracy and high false positives. To overcome these problems, this research work presents a novel four-Q curve authentication system based on Media Access Control (MAC) addresses for a multilayered SDN intrusion detection system utilizing deep learning techniques to identify and prevent attacks. The Four-Q curve authentication system leverages elliptic curve cryptography, a high-performance algorithm that improves authentication security and computational efficiency. Initially, Four-Q curve authentication is performed, followed by univariate ensemble feature selection to select optimal switches. Then, the data collected through the switches are classified as normal, assault, and suspect packets based on the Dual Discriminator Conditional Generative Adversarial Network (DDcGAN) approach. Further, the optimization of DDcGAN is accomplished using the Sheep Flock Optimization Algorithm (SFOA), whereas suspicious packets are categorized using the Growing Self-Organizing Map (GSOM). The DDcGAN-based intrusion detection system outperforms the state-of-the-art approaches in terms of accuracy, precision, F1 score, sensitivity, false-positive rate, power consumption, and network throughput. It achieved an accuracy of 98.29%, an F1 score of 0.975, and a precision of 95.8%. The system’s true positive rate attained 99.04% at 50% malicious nodes, while the false alarm rate was as low as 2.05% under the same conditions. Moreover, the system exhibits 4.5% energy savings when compared to existing approaches.

1. Introduction

Software-defined networking (SDN) provides a dynamic and programmable computing framework to enhance the performance and manageability of computer networks [1]. SDN is a transformative approach in modern networking, enabling centralized management of network resources by decoupling the control plane from the data plane. Unlike traditional architectures, where these planes are tightly integrated, SDN introduces programmability, simplifying network scalability and adaptability while supporting emerging technologies like 5G, the Internet of Things (IoT), and edge computing. It differs from traditional network architecture in that control planes can be installed with a unique directory or several directories, depending on the applications being used in the configuration [2]. It utilizes a centralized controller to establish communication with various network devices and efficiently manage network traffic in accordance with predefined regulations. There are three possible types of centralized control: physical, logical, and hierarchically distributed [3]. Network function virtualization (NFV) is used to manage a large-scale environment and provide enhanced services that are allowed by SDN [4]. Multi-layer computing is a viable option to address some of the shortcomings associated with conventional SDN [5]. The addition of cloud infrastructure to this framework makes it more effective at handling large amounts of data [6]. The “built SDN cloud” offers enhanced adaptability, scalability, and management over network resources using software defined networks. It consists of four levels, each with its own specific functions [7].

Each layer’s gadgets are different from one another [8]. These modifications are accomplished to support all 5G users [9]. Despite some limitations, the network accommodates many users, including some opponents [10]. This multi-layered system has security issues because each layer consists of unique devices that are vulnerable to attacks from distinct types of intrusions [11]. The security objectives in this situation are unauthorized access, data modification, access control, integrity, and availability [12,13]. Thus, an SDN architecture based on MAC is recommended to detect and prevent unauthorized access [14]. Conventional SDN designs face notable challenges, including vulnerability to single-point failures in centralized controllers, scalability issues in handling increased traffic, and limitations in detecting evolving threats such as Distributed Denial of Service (DDoS) attacks. To address these shortcomings, multilayer SDN architectures have emerged as a robust solution. By integrating layers with distinct functions and leveraging Network Function Virtualization (NFV) alongside cloud platforms, these architectures enhance adaptability, scalability, and large-scale data processing capabilities. Despite these advancements, the heterogeneity of devices across layers introduces unique security vulnerabilities, necessitating advanced protection mechanisms. In MAC-based SDN architectures, controllers manage the flow of data packets based on the MAC addresses of devices connected to the network, making intrusion detection an important security concern [15]. Network resources can be exhausted by improper packet processing. Therefore, by implementing an effective Intrusion Detection System (IDS) in a MAC-based SDN system, adversaries can be substantially reduced [16].

To safeguard the network against potential attackers, an advanced multi-plane security framework for SDN was designed. An SDN-based IDS uses a centralized controller to monitor network traffic, analyse it, and identify potential security threats [17]. Thus, it is essential to analyze packet attributes and user traffic to secure a system against attacks. In this case, deep learning algorithms are needed for MAC address based SDN due to the limitations of traditional intrusion detection methods [18]. Additionally, different techniques were presented to neutralize other types of assaults. This can be accomplished through deep learning algorithms that utilize meta-heuristics for optimization [19]. DDoS attacks target distinct types of networks. These attacks are recognized at the application, network, and transport layers [20]. To address these problems, a MAC-based SDN architecture with a dual discriminator using conditional generative adversarial network-based intrusion detection systems (DDcGAN-based IDS) has been proposed. This method effectively identifies and classifies network intrusions using a GAN-based generative model. The dual-discriminator conditional generative adversarial network approach improves intrusion detection accuracy, lowers the number of false positives, and creates synthesized information that is very similar to real network traffic. Eventually, this approach will significantly enhance network security. The main findings and contributions of this research are outlined as follows:

  • This article suggests the utilization of DDcGAN within an SDN framework for intrusion detection, specifically focusing on MAC address-based authentication. The initial step involves utilizing the Four-Q Curve to authenticate 5G users, effectively addressing the issue of “Man in the Middle Attacks” and ensuring that only authenticated users gain access. Once authenticated, the optimal switch is selected using the univariate ensemble feature selection technique.

  • The distributed controller uses the DDcGAN technique to analyse incoming packets and classify them based on the flow characteristics extracted from the packets. At the application layer, suspicious packets are distinguished from ordinary packets and classified as either legitimate or malevolent using a self-organizing map. Normal packets continue to be processed, while malicious packets are rejected. This method effectively detects and identifies DDoS attacks.

  • The optimization of DDcGAN is achieved through the utilization of SFOA. In this study, the proposed technique is implemented on the Ns-3 network simulator and compared to other methods, including GRU-RNN, Multi-Layer Perceptron (MLP), and RNN-SDR.

The remaining sections of this research paper are organized in the following manner: Section 2 presents a literature review on intrusion detection in an SDN-based system. Section 3 provides a description of the proposed DDcGAN approach. The results of the suggested technique are discussed in Section 4. Ultimately, Section 5 concludes the overall assessment of the proposal.

2. Literature survey

2.1. Related work

Numerous studies have been proposed in the literature related to IDS in SDN; among these few recent studies are: Chaganti R. et al. [21] proposed a deep learning (DL) method for SDN-enabled IDS in the IoT. This method uses long short-term memory (LSTM) to detect attacks on the network. However, it requires large amounts of labelled data and a long training time. The performance analysis of this approach shows that the DL method performs better than the ML classifier but needs validation in adversarial environments. Guezzaz et al. [22] developed a reliable intrusion detection system (IDS) for networks incorporating decision tree technology. Pre-processing and feature selection phases were carried out on network data to improve data quality and training effectiveness. The decision tree was built using the entropy-based feature selection and machine learning techniques, but it faces overfitting and limited scalability for complex attack scenarios. Le et al. [23] suggested XGBoost for imbalanced multiclass classification-based IDS in 2022. The raw datasets were pre-processed and evaluated by measuring two performance metrics: the learning curve and the confusion matrix. This method achieved 99.9% and 98.7% of the f1-score for both datasets but needs to be tested and applicable to a particular IIoT application.

Wani et al. [24] developed an intrusion detection system (IDS) for the Internet of Things (IoT) using a deep learning (DL) classifier aided by SDN technology. This method uses an LSTM classifier to detect attacks in a network. The main benefit of this approach is its ability to detect any unauthorized network intrusion, particularly within IoT networks. It is advisable to test the effectiveness of this method in real-time situations with simulated attacks. Perez-Diaz JA et al. [25] presented a versatile SDN-based architecture that utilizes machine learning (ML) to recognize and combat DDoS attacks. The researchers used two distinct topologies to mitigate all the identified attacks. Nevertheless, further advancements in deep learning (DL) and machine learning (ML) techniques need to be combined to improve system performance. Tang TA et al. [26] suggested a gated recurrent unit recurrent neural network (GRU-RNN) enabled IDS for SDN. The detection rate of this approach was 89%, and it achieved better results for both anomalous and legitimate traffic traces. Network performance evaluation shows that GRU-RNN does not significantly affect controller performance, but other features are needed to reduce overhead and increase accuracy.

Albahar MA [27] has developed a real-time intrusion detection system (IDS) in SDN using a recurrent neural network (RNN) and a new regularization method. The system has three main components: a flow collector, an anomaly detector, and an anomaly mitigator. The performance of RNN-SDR showed that it has the potential for real-time detection. This method requires fewer features than other techniques, but it slightly affects the performance of the controller. Scalability to larger, complex environments remains uncertain.

Nguyen TG et al. [28] developed an intelligent and collaborative architecture for SDN-based IoT networks, extracting 30,000 data samples from CAIDA, KDD Cup 1999, and UNSW-NB15 datasets. A novel path selection and system resource optimization have been suggested to reduce communication and resource management overhead. There is a need to explore other potential cyberattacks and deep learning algorithms that can handle large amounts of data.

Phan TV and Park M [29] suggested an efficient DDoS attack defence in the SDN-based cloud. An enhanced History based IP Filtering (eHIPF) scheme was proposed to improve attack detection speed. A new mechanism has been introduced that combines the proposed method and hybrid ML model to make a DDoS attack defender for the SDN based cloud environment. Nonetheless, more evaluation criteria are needed to compare this system to other ML techniques. Scalability and broader applicability need validation. Latah M. and Toker L. [30] proposed an efficient, multi-level hybrid IDS for SDN. The accuracy of this method was 84.29%. Initially, the KNN approach was employed, followed by ELM and H-ELM. The time required for testing was reduced by using ML-based classification algorithms. Improvements are needed to achieve a better accuracy, false alarm rate (FAR) and scalability. Toony et al. [31] developed a multi-block framework, which combines machine learning, stateful P4 processing, and an SDN-based multi-controller architecture to manage critical tasks in IoT networks. The framework includes four key modules: Pyramidal Conceptually Decentralized Multi-Controller Structure (PCDMCS) with Decentralized Control Interfaces (DCIs) for real-time threat detection via a Decentralized Warning Conduit (DWC), advanced network monitoring with P4-enabled 24-state tables, and enhanced anomaly detection using 30 new P4-extracted features and the Enhanced Weighted Ensemble Algorithm (EWEA). It has limited accuracy (84.29%) and a high false alarm rate (FAR). It needs further enhancements for reliability and scalability. The complex multi-module structure requires high computational resources for processing.

Khedr et al. [32] introduced a four-module DDoS attack detection and mitigation framework (FMDADM), an SDN-based DDoS attack detection and mitigation framework for IoT networks. It includes four modules within a five-tier architecture: early detection using the ADR principle, a Double-Check Mapping Function (DCMF) for data plane-level detection, an ML-based detection process with seven features, and attack mitigation. Detection is limited to DDoS attacks and may not generalize to other attacks. Girdler and Vassilakis [33] developed an SDN-based Intrusion Detection and Prevention System (IDPS) designed to defend against ARP spoofing and blacklisted MAC address attacks. The system dynamically adjusts SDN parameters to detect malicious network traffic. Custom software was created for attack testing and IDPS customization, integrated with a tailored library for validating user input. Enhancements to SDN includes improved attack detection, firewall capabilities, intrusion prevention, packet dropping, and reduced timeout durations. However, the system is limited to ARP spoofing and blacklisted MAC address attacks, requiring complex customization and integration with existing systems. Table 1 provides a comprehensive comparison of state-of-the-art approaches.

Table 1. Comprehensive comparison of state-of-the-art approaches.

Method Benefits Drawbacks
Deep Learning for SDN-Enabled IDS in IoT (Chaganti R. et al. [21]) It utilizes LSTM for effective attack detection. Outperforms traditional ML classifiers. Requires large labeled datasets and significant training time. Not validated in adversarial environments.
Decision Tree-Based IDS (Guezzaz et al. [22]) Enhances data quality and training efficiency via pre-processing and entropy-based feature selection. Improved with DL techniques. Prone to overfitting and limited scalability for complex attack scenarios.
XGBoost for Imbalanced Multiclass Classification (Le et al. [23]) This method achieves high F1-scores (99.9%, 98.7%) for two datasets. Demonstrates strong accuracy. Requires testing for IIoT-specific applications. Limited generalizability beyond pre-processed datasets.
LSTM Classifier for IoT Networks (Wani et al. [24]) Detects unauthorized intrusions effectively in IoT networks using DL. Needs validation in real-time environments with simulated attacks. High computational requirements.
SDN-Based Architecture for DDoS Mitigation (Perez-Diaz JA et al. [25]) Successfully mitigates DDoS attacks across two network topologies using ML. Performance could improve with advanced DL techniques. Limited evaluation criteria for comprehensive comparisons.
GRU-RNN for SDN (Tang TA et al. [26]) Achieves an 89% detection rate. Handles both anomalous and legitimate traffic effectively with minimal impact on controller performance. Requires additional features to reduce overhead and increase accuracy. Concerns of overfitting to specific datasets.
Real-Time IDS with RNN (Albahar MA [27]) Combines flow collection, anomaly detection, and mitigation for real-time detection. Requires fewer features, reducing computational complexity. Slight impact on controller performance. Scalability to larger, complex environments remains uncertain.
Collaborative SDN-IoT Architecture (Nguyen TG et al. [28]) Optimizes resource management and communication overhead. Handles diverse datasets from multiple sources effectively. Needs exploration of more cyberattack scenarios. Requires robust algorithms for handling larger datasets.
Efficient DDoS Defense with eHIPF (Phan TV and Park M [29]) Improves DDoS detection speed with eHIPF and hybrid ML models. Requires more comprehensive evaluation for comparison with other ML methods. Scalability and broader applicability need validation.
Multi-Level Hybrid IDS for SDN (Latah M. and Toker L. [30]) Employs KNN, ELM, and H-ELM for reduced testing time. Multi-level hybrid approach shows promise. Limited accuracy (84.29%) and high false alarm rate (FAR). Needs further enhancements for reliability and scalability.
Toony et al. [31] Multi-block’s complexity may hinder deployment on resource-constrained IoT devices. Complex multimodule structure,
Requires high computational resources for processing
Khedr et al. [32] It utilizes machine learning with a reduced set of features. Detection is limited to DDoS attacks. May not generalize well for other types of attacks.

2.2. Problem statement

Although several IDS based on deep learning have been suggested for improving network security, yet these methods inherently have drawbacks such as a high error rate and failure to detect cyber-attacks with relatively poor system throughput. Hence, a multi-layered architecture has been proposed that uses deep learning algorithms with high accuracy to identify malicious packets in each layer. The attackers create malicious packets based on the same features as non-malicious packets. The attack packets are separated while gathering the received packets from the users, and the attackers are identified. In the multi-layered architecture, the malicious nodes were detected in the individual layers with the help of low-level complexity-based algorithms. The objective of the proposed work is to identify and control different security assaults, including DDoS attacks.

3. Proposed methodology

3.1. System model

This paper proposes MAC address-based authentication for SDN intrusion detection that utilizes a conditional generative adversarial network with dual discriminators and a growing self-organizing map to enhance network security and prevent cyber-attacks in wireless networks and SDN environments. The architecture of the proposed system model is depicted in Fig 1. The proposed system consists of four layers: the authentication process, infrastructure layer, control plane layer, and application layer. The key elements of the suggested IDS architecture are defined in the subsequent section, along with an explanation of their processing techniques. The 5G network has several numbers of users denoted as A1,A2,A3,AN. There are ‘x’ number of switches and ‘y’ number of controllers as M1,M2,Mx and C1,C2,Cy respectively. The Four-Q curve [34] is used to authenticate 5G users once they submit their credentials. As a result, the MIMA is lessened, and only authorized users are permitted. To prevent flow table overload attacks, the selection of optimal switches is crucial. After the switch selection, the packets are further classified using the DDcGAN approach and categorized at the application layer by employing the GSOM algorithm.

Fig 1. Architecture of proposed system model.

Fig 1

3.2 Medium access control

Each virtual network node is assigned a unique number known as its media access control (MAC) address. They identify individual nodes and facilitate data packet transmission on wired and wireless networks. Additionally, MAC addresses are utilized to allocate IP addresses to network nodes. The system model of the proposed methodology is depicted in Fig 2.

Fig 2. System model of the proposed method.

Fig 2

3.3. The authentication processes

The proposed system begins with the authentication process, where individual nodes in the network are required to verify their identities using the Four-Q curve technique. This step ensures that only authenticated users with valid MAC addresses gain access to the network. The number of 5G users has significantly increased, with diverse requirements. Initial user authentication helps prevent attackers from entering the network. To register with the 5G network administrator, users must provide the credentials such as password, identity, location, medium access control address, physically unclonable function. If attackers are aware of these security credentials, they can access the legitimate user’s credentials. During the authentication process, security credentials are encrypted using the four-Q-curve approach, which overwhelms Man in the Middle Attacks (MIMA).

3.4. Four-Q curve approach

Four-Q is a high-performance elliptic curve that provides a 128-bit security level. It uses a four-dimensional decomposition to minimize the total number of elliptic curve group operations. It is designed for key agreement schemes and digital signatures. The curve is defined over a two-dimensional extension of the prime field defined by Mersenne prime 21271. The curve is defined by a twisted Edwards equation (1)

F(P2)/EC=X2+Y2=1+dx2y2 (1)

Where ‘E’ denotes the Edwards curve, ‘p’ represents the Mersenne prime number, and ‘d’ indicates a constant value. Variables ‘X’ and ‘Y’ are affine with respect to the letter ‘E.’ In this way, the MIMA is mitigated, and only authenticated users are allowed [35].

The proposed system uses the Four-Q curve authentication procedure to secure software-defined networks (SDNs) supporting 5G communication, which are increasingly vulnerable to cyber intrusions. This high-performance elliptic curve in cryptography offers an efficient and secure method for authenticating devices and users within the network. The system is based on MAC addresses, ensuring lightweight yet robust authentication with reduced computational overhead. This is particularly important for SDNs, where real-time processing is critical. The Four-Q curve’s ability to achieve secure key exchanges with smaller key sizes and faster computations enhances the system’s overall responsiveness and security. The system also establishes a secure foundation for the multilayered intrusion detection process, using deep learning techniques like DDcGAN to classify network traffic into normal, assault, and suspect categories. This ensures the integrity of the initial security layer, reducing false positives and enhancing accuracy, making the system more efficient and reliable.

3.5. SDN architecture

The networks are capable of being intelligent, centralized controlled, and programmed by using the technology known as software defined networking. Despite fundamental technological advancements, administrators can integrate and exercise control over the entire network. The conventional architectural design description for an SDN consists of three discrete levels:

  • Infrastructure Layer

  • Control Plane Layer

  • Application Layer

3.5.1. Infrastructure layer.

The access points are responsible for sending the packets to the switches in 5G SDN networks, which receive more packets, so every incoming packet needs to be controlled. The data plane layer selects the optimal switches to route the packets to control congestion attacks. The gateway uses a univariate ensemble feature selection technique to select the best switch.

  • Univariate analysis and ensemble-based feature selection for switch optimization

Feature selection process improves accuracy and predictability by selecting critical variables and eliminating redundant ones. In this context, univariate analysis is a simple method for analysing data with only one variable, aiming to describe and identify patterns within the data. This technique involves two stages: prioritizing features in the unified feature scoring stage and establishing a cutoff point in the threshold value selection stage to select the most important features. Thus, deep learning models get trained with more robustness. The schematic representation of univariate ensemble-based feature selection is shown Fig 3.

Fig 3. Schematic representation of univariate ensemble-based feature selection.

Fig 3

3.5.2. Control plane layer.

The flow characteristics of the data packets are recovered at the control plane layer, where DDcGAN is used to categorize them into attack, normal, and suspect packets.

  • Classification using DDcGAN

The DDcGAN model analyzes the extracted features from the packet flow to classify data into attack, normal, and suspicious categories. It consists of both local and global discriminators, along with a generator. The conventional GAN architecture consists of a discriminator and generator, where the generator endeavors to generate persuasive data packets to mislead the discriminator. The discriminator systems must select either low-level or high-level features as fundamental restrictions. The input and selected features for data packet transmission are presented in S1 Table.

  • Generator

The generator uses a convolution design with a max pooling layer to down-sample and up-sample the packet. It employs a stride of ‘2’ and two ‘3x3’convolution layers for down-sampling. The up-sampling design resembles the method of down-sampling but replaces the max pooling layer with a convolution layer. The problem can be addressed using a generator focus loss algorithm.

  • Discriminator

The DDcGAN [36] system model employs both local and global discriminators. The local loss function of these discriminators is known as a binary cross-entropy (BCE) loss. The global discriminator has fewer layers because it is designed to process packets with fewer ground truth characteristics. The local discriminator consists of a leaky ReLU activation function, two batch normalization layers, and five convolutional layers. The discriminator system includes four fully connected layers. The aggregate GAN loss value is crucial for training the model. The local loss and BCE loss of the discriminator are considered, and they are represented in equation (2),

TLOSS=η(GLOSS+ϑLLOSS)+λGenLOSS (2)

In equation 2, ‘TLOSS’ represents the total loss used to optimize the model during training. The term ‘GLOSS’ denotes the global loss, which measures the performance of the global discriminator in distinguishing between real and generated data. Similarly, ‘LLOSS’ represents the local loss, derived from the local discriminator, which focuses on specific regions of the input for a more detailed analysis. The generator loss is indicated by ‘GenLOSS,’ which guides the generator to produce samples that the discriminators classify as real, thereby enhancing the quality of the generated outputs. The parameter ‘η’ is a hyperparameter that balances the contributions of the global and local losses to the total loss. When ‘ϑ>1’, the local loss becomes more significant than the global loss, emphasizing the role of the local discriminator in the training process. The scaling factor ‘λ’ determines the weight of the generator loss, and when ‘λ’ is greater than other parameter values, it indicates that the generator is in a dominant training mode. Optimizing the generator loss ‘GenLOSS’ by adjusting ‘λ’ enhances the accuracy and reduces the error rate of the DDcGAN, leading to improved overall performance.

The dual discriminator architecture in the DDcGAN model integrates local and global discriminators to enhance intrusion detection accuracy by leveraging their complementary strengths. The local discriminator focuses on identifying optimal features of packet data, particularly those with detailed ground-truth characteristics. It incorporates a Leaky ReLU activation function, batch normalization layers, and convolutional layers, which work together to extract intricate patterns and relationships from the input data. In contrast, the global discriminator processes high-level features and operates on packets with fewer ground-truth characteristics, utilizing a simplified architecture with fewer layers for efficient computation. The model uses BCE loss to evaluate how well the discriminators distinguish real packets from generated ones. To improve training, the model employs an aggregate loss function ‘TLOSS’ that balances the contributions of local and global losses ‘LLOSS’ and the generator loss ‘GLOSS.’ By dynamically adjusting these components and optimizing ‘GenLOSS’ with the SFOA, the dual discriminator system achieves enhanced feature representation, resulting in improved accuracy for classifying regular, suspicious, and attack packets [37]. Algorithm 1 provides the pseudocode for the DDcGAN algorithm.

Algorithm 1. DDcGAN Algorithm for Classifying Data Packets

Input Extracted features

Output Synthetic packet flow data

Initialize DDcGAN model

Generator network, discriminator network

(dlocal, dlocal)

Define parameters

Learning rate η, weight for local discriminator lossλ

Generate fake packets z using generator

Calculate loss for dglobal

Calculate loss for dlocal

Total loss of discriminator:

TLOSS=η(GLOSS+ϑLLOSS)+λGenLOSS

Calculate generator loss using discriminator feedback

Total generator loss: 𝐆𝐋𝐎𝐒𝐒

Update generator weights

Repeat until max iterations

End

3.5.3. DDcGAN optimization using sheep flock optimization algorithm.

The global loss parameter ‘GLOSS’ of the DDcGAN model, as mentioned in the previous section, minimized using SFOA. The SFOA is chosen for optimizing the DDcGAN model in intrusion detection due to its ability to balance exploration and exploitation in complex, high-dimensional problem spaces. Unlike traditional optimization methods, SFOA leverages a population-based search inspired by the natural behaviour of sheep, which helps avoid local minima and provides a global perspective on the solution space. Its adaptability to dynamic, evolving problems makes it ideal for applications like intrusion detection, where data distributions can change over time. Moreover, SFOA’s robustness to noise and outliers, along with its efficiency in handling multi-objective optimization, allows it to effectively minimize the DDcGAN’s global loss, outperforming alternative strategies in terms of both convergence speed and solution quality. The algorithm’s intuitive, nature-inspired mechanics make it an ideal choice for optimizing the intricate parameters of DDcGAN’s in intrusion detection systems.

Step 1. The Initialization

In the initial stage, the sheep flock is optimized in terms of its population size, maximal iterations, measurements, and associated cost functions. The proposed method optimizes SFOA parameters using benchmarking dataset operations, thereby enhancing the overall effectiveness of the optimization procedure. Additionally, the weight parameters and their associated variables are initialized for achieving the optimal solution, as specified in equation (3).

S=int(N,Davg(k,m),R(k,m)) (3)

where ‘RK×M’ designates the probability matrix and ‘DavgK×M’ represents the average expected outcome of the ‘N’ data.

Step 2. Randomized Generation

After the initialization process, the randomly assigned positions for each member are established. Due to the segmentation of the population, individuals can be allocated to either the sheep or goat groups. To determine the optimal value, the random placement values are compared to previous values. Using equation (4), the quantity that contributed to the initial position of an operation is determined.

Px=(2*Rg(S,G))*randRg(S,G) (4)

where ‘Rg(S,G)’ is the grazing radius for sheep ‘(S)’ and goat ‘(G),’ and ‘rand’ is a random number between 0 and 1. Thus, using mathematical equations (5) and (6), we can determine the grazing radius for both sheep (represented by ‘(S)’) and goats (represented by ‘(G)’).

Rg(S)=0.001*(UBLB)*T (5)
Rg(G)=0.1*(UBLB)*T (6)

where ‘UB’ is the upper limit, ‘LB’ is the lower limit, and ‘T’ is the total number of repetitions indicated by equation (7).

T=1[iteration_no/max_iteration] (7)

Step 3. Determining the Fitness Function

The fitness function has been formulated to facilitate the identification of optimal problem solutions. Using equation (8), the global loss variable of the DCGAN algorithm was optimized.

FitnessFunction=Minimize(Gloss) (8)

where ‘GLOSS’ represents the total DDcGAN loss.

Step 4. Explore a new location

If the new site has an improved cost value as compared with the previous location, the sheep will relocate there. The move section helps the shepherd determine the best course of action, helping the flock find a new home. The shepherd’s order, which is estimated using equation (9), determines the optimal site based on the resulting movement.

VSp,1=(1T)C.rand(1,Dim)(XgbestX) (9)

where ‘X’ represents the current sheep location, ‘Xgbest’ the ideal fitness value, and (1,Dim) is an array of random values between 0 and 1. ‘C=3*rand’ and VSp,1denotes the sequence of movements of the shepherd depending on instances of movement. In addition, equation (10) can be used to compute the motion caused by the sheep’s desire to repeat their most memorable prior experience.

VLbest,1=C.rand(1,Dim)(XLbestX) (10)

where ‘XLbest’ symbolizes the optimal fitness quantity, ‘(1,Dim)’ denotes a randomly generated array that is within the two extremes [0, 1], and ‘VLbest,1’ indicates the sheep’s desire based on its preceding finest moment. Additionally, using equation (11), the movement caused by the sheep’s fascination with approaching other sheep is estimated.

Vother,1=C.rand(1,Dim)(Xrand.SX) (11)

Where ‘Xrand.S’ indicates the unpredictability of the sheep’s position and ‘Vother,1’ represents the sheep’s inclination to approach other sheep considering the total number of repetitions ‘T>0.3.’

Step 5. Parameter optimization by updating the location

Depending on the movement of the sheep, the measure of herd dispersion is decreased to ‘T0.3.’ Equation (12) is used to determine the pathway that arises from the shepherd’s instructions to the most appropriate location.

VSp2,1=C1(1T)(XgbestX) (12)

Further, equation (13) is used to calculate the movement caused by the sheep’s fixation on its past favourable experience.

Vm,1=V{VSp1,1+VLbest,1+Vother,1T>0.3VSp2,1+VLbest,1T0.3 (13)

where ‘Vm,1’ is the predicted velocity determined by sheep movement. Furthermore, using equation (14), the sheep’s present location is replaced with its future location.

XIteration+1=V(XIteartion+VM,1) (14)

The velocity of the sheep’s movement is then used to update the sheep’s position. To acquire the best solution by optimizing the parameters, the value of ‘Vm,1’ with the fitness value ‘V’ is utilized. Therefore, the model’s optimal value has been reached. The flowchart of the sheep flock optimization algorithm is depicted in S1 Fig.

Step 6: Termination

The sheep flock optimization [38] method reduces the DDcGAN error rate by optimizing the global loss parameter, resulting in a decreased error rate.

To summarize the above findings, the key steps of SFOA include updating factors such as random position assignment and fitness evaluation based on parameters like grazing radius and movement speed. These iterative updates reduce the error rate and optimize the generator’s performance, allowing the DDcGAN to identify attack packets more accurately and enhancing the overall intrusion detection accuracy by minimizing the ‘GLOSS.’ The SFOA pseudocode is provided in Algorithm 2.

Algorithm 2. Pseudocode of the SFOA algorithm

Input: PopSIZE,ProSIZE,UB,LB,MaxITERATION,

output: gbest

update: vMAX

initialize the sheep population (UB,LB)

iteration= iterationMaxITERATION*0.1

iteration= iterationMaxITERATION*0.1

FitnessFunction=Optimize(Gloss)

Update T

Fori=1 toPopSIZEdo

If (Grazing Condition)

Update Px

x(j)=sheep(i)·x+Px

if cost (x(j))<sheep.cost

sheep(i)·x=sheep(i)·x+Px

Update gbest,Lbestby(sheep(i))

End

Else

Update C1,VSp1,1,VSp1,2,VLbest,Vother

Update VM

Calculate_ sheep position &cost (sheep(i),VM))

Update gbest,Lbestby(sheep(i))

End

End

ITERATION+=1

End

Return gbest

3.5.4. Application layer.

At the application layer, suspicious packets are further classified into normal and malevolent utilizing a growing self-organized map (GSOM). This procedure detects DDoS attacks.

  • Classification of suspicious packets using GSOM

An unsupervised neural network of the GSOM type is based on the SOM methodology. Following are the three steps of the GSOM [39] algorithm: The GSOM algorithm for categorizing suspicious packets has been presented in S1 Algorithm.

  • Initialization step

  • Growing period

  • Smoothing stage

Step 1. Initialization

In the initialization step, the random integers are used to configure the initial packet weight vectors. The growth threshold (GT) is computed using equation (15).

GT=D*In(SF) (15)

where ‘D’ represents the dimensions of data and ‘SF’ indicates the spread factor. The network continuously receives data packets input during growth phase. The winning packet is selected based on the Euclidean distance between its weight vector and the input vector. The weight vectors of the winner and its neighbouring packets are adjusted by equation (16),

Wj(K+1)={Wj(K),jNK+1Wj(K)LR(K)*(xKWj(K)),jNK+1 (16)

where ‘Wj’ is the winning packet’s weight vector, ‘j,’ ‘K’ is the current time, ‘LR’ is the learning rate, and ‘N’ is the winning packet’s neighbourhood.

Step 2. Growing period

At the boundary rate, new packets are produced when the cumulative error exceeds the growth threshold. These new packets weights are adjusted to match the weights of adjacent packets. Errors found in non-boundary packets are distributed among neighbouring packets. The growing phase repeats until all input has been provided and packet growth is minimized.

Step 3. Smoothing stage

The smoothing step slows down the learning rate by classifying suspicious packets as either normal or malicious. Then it performs weight adaptation in a smaller neighbourhood and detects DDoS attacks. Fig 4. illustrates the flow diagram of the proposed methodology.

Fig 4. Flow diagram for the proposed methodology.

Fig 4

4. Results and discussion

4.1. Simulation setup

The proposed work has been implemented using the network simulator (NS-3) software. The simulation is performed over 300 nodes. The simulation parameters of the suggested DDcGAN and SDN network are given in Tables 2 and 3.

Table 2. Simulation parameters of DDcGAN.

Specifications Values
Input parameters 40
Hidden layers 3
Neurons in hidden layer 40
Trainable parameters 4240
Activation function of hidden layer ReLU
Activation function of output layer Soft Max
Cost function Sparse Categorial Cross entropy
Dropout Rate 0.2
Learning Rate 0.01
Epoch 500
Batch size 500

Table 3. Simulation parameters of SDN network.

SDN network OpenFlow
Total nodes 300
Simulated region 300*300 sq. Meters
Data rate 8 Kbps
Routing Protocol AODV
Carrier frequency 2.4 GHz
Bandwidth 10 MHz
Node Placement Uniform Random
Propagation Delay 15 ms
Simulation Time 60 seconds
Node Velocity 0 m/s

4.2. Performance measures

Table 4 lists the analytical expressions used to calculate the various performance metrics, such as accuracy, F1 score, precision, delay, energy consumption, throughput, specificity, true positive rate, and false alarm rate. These expressions are essential in establishing the worth of the DDcGAN method in context to the existing algorithms such as GRU-RNN, MLP, and RNN-SDR by a significant margin.

Table 4. Performance metrics.

Performance Measures Formulae
Accuracy Accuracy=TRUEPOSITIVE+TRUENEGATIVETRUEPOSITIVE+TRUENEGATIVE+FALSEPOSITIVE+FALSENEGATIVE
F-Measure F1score=2*P*RP+R
Precision Precision=FALSEPOSITIVETRUEPOSITIVE+FALSEPOSITIVE
Delay Delay=(packetsendingtimepacketreceivngtime)
Energy Consumption EnergyConsumption=EnergyutilizedineachnodeInitialenergy
Throughput Throughput=PacketsreachingattheestimationTime
True positive rate TruePositiverate=TRUEPOSITIVETRUEPOSITIVE+FALSENEGATIVE
False alarm rate FalseAlarmRate=FALSENEGATIVEFALSENEGATIVE+TRUEPOSITIVE
Specificity Specificity=TRUENEGATIVETRUENEGATIVE+FALSEPOSITIVE*100%

4.3. Performance analysis

This section shows the performance analysis of the proposed DDcGAN method. To demonstrate the efficiency of the proposed method, its performance is compared with state-of-the-art methods such as GRU-RNN, MLP, and RNN-SDR, respectively. Fig 5. displays the network simulation diagram of the suggested method, with red colour dots indicating randomly distributed nodes across the network. The green colour lines show the interconnection amongst the nodes. The DDcGAN algorithm is applied to this network simulation to classify malicious and suspicious packets with the help of authentication. The subsequent sections discuss how the DDcGAN method accurately detects intrusions in the network.

Fig 5. Network simulation of the proposed method.

Fig 5

Fig 6 illustrates the accuracy performance of the DDcGAN model. Evaluating accuracy is vital when assessing an intruder’s overall prediction capability. Higher levels of accuracy signify an improved ability to detect network intruders, especially as the number of attackers increases. Categorically, using the DDcGAN algorithm with 10% malicious nodes, the detection accuracy can improve in the range between 6.5% to a maximum of 7.3% compared to the existing techniques. With a more frequent percentage of malicious nodes (50%), the detection rate using DDcGAN reaches 98.29%, which is 4% higher than the closest competitor, RNN-SDR. The significant increase in the detection accuracy leads to an impressive performance in terms of a higher F1 score and enhanced precision compared to existing approaches, with the proposed method achieving an F1 score of 0.975 and precision of 95.8%, as illustrated in Figs 7 and 8.

Fig 6. Accuracy analysis of DDcGAN-GSOM with existing techniques.

Fig 6

Fig 7. F1-score analysis of DDcGAN-GSOM with existing methods.

Fig 7

Fig 8. Precision analysis of DDcGAN-GSOM with current approaches.

Fig 8

The accurate detection and precise estimation should be substantiated with a crucial analysis of the delay in detecting the malicious nodes. Fig 9. depicts the DDcGAN delay analysis, which shows a lower delay than existing techniques. The proposed DDcGAN algorithm surpasses the state-of-the-art techniques for both energy consumption and delay in networks with a higher percentage of malicious nodes. A substantial drop in delay of around 17% for lower malicious node count 10% to 33% in higher malicious nodes (50%) can be observed clearly from the figures. In fact, in an interesting revelation, the result suggests that with more malicious nodes, the system favours a higher detection accuracy with minimum delay compared to the existing methods. To further investigate the performance of DDcGAN on whether it provides good results at the cost of increased energy requirements, an analysis was performed. Even in that, as shown in Figs 10 and 11, energy consumption by DDcGAN is suggestively less than the current approaches. For the 50% malicious nodes, there is a 4.5% energy savings as compared to the existing methods, which is a huge benefit. This is followed by a throughput analysis to authenticate the claim of a better showcase of DDcGAN. This is essential, as with high accuracy, a better F1 score, superior precision performance, reduced energy consumption, and lower delay, there should not be any compromise with the throughput. Fig 12. illustrates the DDcGAN throughput analysis. The total number of packets transmitted from the source to the destination in a predetermined amount of time is adjudicated for throughput analysis. The DDcGAN algorithm outperforms the prevailing methods concerning throughput, true positive rate, and specificity for networks with more malicious nodes.

Fig 9. Analysis of DDcGAN-GSOM delay with existing techniques.

Fig 9

Fig 10. Energy consumption analysis of DDcGAN-GSOM with existing methods.

Fig 10

Fig 11. Energy consumption analysis of DDcGAN-GSOM with existing approaches.

Fig 11

Fig 12. Throughput analysis of DDcGAN-GSOM with prevailing approaches.

Fig 12

Now, after establishing the worth of DDcGAN, the classification parameters are needed to show similar performances. To continue further, a True Positive Rate (TPR) analysis is performed. TPR analysis of DDcGAN shows the probability that a true positive result will appear on the test more frequently and accurately. As shown clearly in Fig 13, the TPR of DDcGAN is higher than the existing approaches by a significant amount. In fact, when subjected to a high percentage (50%) of malicious nodes, the DDcGAN attains almost 99.04% TPR. Similarly, in Fig 14., the False Alarm Rate (FAR) evaluation of DDcGAN shows that it attains far less FAR, i.e., low false detection, compared to existing techniques. Correspondingly, exposed to a high percentage (50%) of malicious nodes, DDcGAN attains a lower FAR of 2.05%. To authenticate the effectiveness of the test conducted for the scenario with malicious nodes, the specificity parameter is analyzed. The analysis shows that the proposed method attains higher specificity than the existing approaches, which is illustrated Fig 15. When the percentage of malicious nodes is 40, the specificity of DDcGAN is slightly lower than that of RNN-SDR. But when the percentage of malicious nodes is 50, the DDcGAN attains 97% specificity, which is higher than the existing approaches.

Fig 13. True positive rate (TPR) analysis of DDcGAN-GSOM with existing techniques.

Fig 13

Fig 14. False alarm rate analysis of DDcGAN-GSOM with existing approaches.

Fig 14

Fig 15. Specificity comparison of DDcGAN-GSOM with prevailing methods.

Fig 15

The successful results, as discussed previously, depend heavily on how effectively the generated data deceives the discriminator into classifying it as real. A lower generator loss indicates that the generator is producing highly realistic data. Even the discriminator loss that evaluates how accurately the discriminator differentiates between real and generated data becomes an essential testing parameter. A lower discriminator loss reflects the discriminator’s proficiency in detecting counterfeit data. Based on this approach, Figs 16 and 17 represent the discriminator loss and generator loss of the proposed DDcGAN method over iterations. Fig 16., illustrates a decreasing trend in discriminator loss, which starts at approximately 0.9 and stabilizes around 0.2 after 500 iterations. This trend indicates the discriminator’s improved ability to distinguish between real and generated samples as training progresses. Fig 15., shows the generator loss, which begins at approximately −1.0 and increases steadily, stabilizing near −0.3 after 500 iterations. This suggests that the generator effectively adapts to improve the quality of its outputs, forcing the discriminator to work harder to differentiate between real and generated data. After analysing these loss trends, it is evident that both the generator and discriminator converge effectively, ensuring balanced adversarial learning.

Fig 16. Discriminator loss of suggested technique.

Fig 16

Fig 17. Generator loss of the proposed method.

Fig 17

To summarize the findings from the previous discussion, the DDcGAN method outperforms traditional approaches (GRU-RNN, MLP, RNN-SDR) in network intrusion detection, achieving 98.29% accuracy, a 0.975 F1 score, and 95.8% precision, which is tabulated in Table 5. It excels in efficiency, reducing energy usage by 4.5%, enhancing throughput, and achieving 99.04% TPR and 2.05% FAR. Its specificity (97%) ensures superior malicious node detection, which is listed in Tables 6 and 7. Accordingly, all these significant advantages set up the proposed system to be used in practical applications such as real-time device validation in SDNs, preventing unauthorized access while maintaining optimal performance in large-scale networks with enhanced security. It rapidly detects and prevents cyber threats, ensuring a secure network by identifying attacks like DDoS and man-in-the-middle. It reduces false positives, enhancing detection accuracy and allowing administrators to focus on real threats without unnecessary alarms. The proposed system optimizes security with minimal computational overhead, ensuring network speed, efficiency, and low power consumption in resource-constrained environments. It adapts to evolving threats by refining detection capabilities and ensuring long-term protection against advanced and unknown cyberattacks.

Table 5. Comparative analysis of DDcGAN-GSOM’s Accuracy, Precision, and F1-score.

Methods Malicious Nodes (10%) Malicious Nodes (20%) Malicious Nodes (30%) Malicious Nodes (40%) Malicious Nodes (50%)
GRU-RNN Accuracy:
86.37%
Accuracy:
88.20%
Accuracy: 89.23% Accuracy: 90.35% Accuracy: 91.16%
Precision:
84.8%
Precision:
86.48%
Precision:
86.1%
Precision:
88.41%
Precision:
91.46%
F1 score: 0.858 F1 score:
0.874
F1 score: 0.871 F1 score:
0.894
F1 score:
0.924
MLP Accuracy:
88.49%
Accuracy:
89.64%
Accuracy:
91.70%
Accuracy:
92.68%
Accuracy:
94.04%
Precision:
84.85%
Precision:
89.65%
Precision:
88.72%
Precision:
93.44%
Precision:
92.43%
F1 score: 0.859 F1score:
0.907
F1 score: 0.898 F1 score: 0.945 F1 score: 0.935
RNN-SDR Accuracy: 90.69% Accuracy:
92.89%
Accuracy: 94.00% Accuracy: 94.63% Accuracy: 95.85%
Precision:
87.12%
Precision:
89.77%
Precision:
93.02%
Precision:
94.36%
Precision:
94.55%
F1 score: 0.882 F1 score:
0.909
F1 score: 0.941 F1 score:
0.955
F1 score: 0.957
DDcGAN-GSOM
(Proposed)
Accuracy: 93.18% Accuracy:
94.55%
Accuracy: 96.02% Accuracy: 97.18% Accuracy: 98.29%
Precision:
92.12%
Precision:
91.59%
Precision:
93.45%
Precision:
96.98%
Precision:
95.80%
F1 score: 0.933 F1 score:
0.928
F1 score: 0.947 F1 score: 0.982 F1 score: 0.975

Table 6. Comparative analysis of DDcGAN-GSOM’s Energy Consumption, Throughput, and Dealy.

Methods Malicious Nodes (10%) Malicious Nodes (20%) Malicious Nodes (30%) Malicious Nodes (40%) Malicious Nodes (50%)
GRU-RNN Energy consumption (joules): 97.63 Energy consumption (joules): 85.57 Energy consumption (joules): 75.84 Energy consumption (joules): 62.94 Energy consumption (joules): 54.4
Throughput (bytes): 6796.54 Throughput (bytes): 15731.99 Throughput (bytes): 22596.85 Throughput (bytes): 32155.99 Throughput (bytes): 42459.25
Delay(s):
584.0
Delay(s): 513.25 Delay(s):
442.5
Delay(s): 371.75 Delay(s):
301.0
MLP Energy consumption (joules): 94.21 Energy consumption (joules): 81.12 Energy consumption (joules): 73.72 Energy consumption (joules): 64.33 Energy consumption (joules): 52.81
Throughput (bytes): 6267.78 Throughput (bytes): 16687.25 Throughput (bytes): 25388.67 Throughput (bytes): 33879.01 Throughput (bytes): 42284.15
Delay(s): 550.67 Delay(s): 479.92 Delay(s): 409.17 Delay(s): 338.42 Delay(s): 267.67
RNN-SDR Energy consumption (joules): 91.62 Energy consumption (joules): 81.21 Energy consumption (joules): 70.47 Energy consumption (joules): 62.62 Energy consumption (joules): 51.5
Throughput (bytes): 8858.09 Throughput (bytes): 16624.56 Throughput (bytes): 27733.19 Throughput (bytes): 36789.4 Throughput (bytes): 45951.72
Delay(s): 517.33 Delay(s): 446.58 Delay(s): 375.83 Delay(s): 305.08 Delay(s): 271.75
DDcGAN-GSOM
(Proposed)
Energy consumption (joules): 88.05 Energy consumption (joules): 81.19 Energy consumption (joules): 69.9 Energy consumption (joules): 57.32 Energy consumption (joules): 49.17
Throughput (bytes): 11983.23 Throughput (bytes): 18046.45 Throughput (bytes): 29680.31 Throughput (bytes): 36065.05 Throughput (bytes): 45965.63
Delay(s):
484.0
Delay(s): 413.25 Delay(s):
342.5
Delay(s): 271.75 Delay(s):
201.0

Table 7. Comparative analysis of DDcGAN-GSOM’s True Positive Rate, False Alarm Rate, and Specificity.

Methods Malicious Nodes (10%) Malicious Nodes (20%) Malicious Nodes (30%) Malicious Nodes (40%) Malicious Nodes (50%)
GRU-RNN True Positive Rate: 85.37% True Positive Rate: 87.7% True Positive Rate: 89.23% True Positive Rate: 90.85% True Positive Rate: 92.16%
False alarm rate: 18.8% False alarm rate:16.23% False alarm rate: 13.6% False alarm rate: 9.66% False alarm rate: 8.46%
Specificity: 64.0% Specificity: 64.75% Specificity: 72.2% Specificity: 73.25% Specificity:
79.0%
MLP True Positive Rate: 87.41% True Positive Rate: 89.06% True Positive Rate: 91.62% True Positive Rate: 93.1% True Positive Rate: 94.96%
False alarm rate: 16.6% False alarm rate: 13.15% False alarm rate: 11.97% False alarm rate: 8.44% False alarm rate: 5.18%
Specificity:
66.0%
Specificity:
70.75%
Specificity:
78.5%
Specificity:
78.25%
Specificity:
82.0%
RNN-SDR True Positive Rate: 89.52% True Positive Rate: 92.22% True Positive Rate: 93.83% True Positive Rate: 94.96% True Positive Rate: 96.68%
False alarm rate: 4.62% False alarm rate: 11.02% False alarm rate: 8.02% False alarm rate: 7.11% False alarm rate: 3.05%
Specificity:
78.0%
Specificity:
78.75%
Specificity:
81.5%
Specificity:
89.25%
Specificity:
93.0%
DDcGAN-GSOM
(Proposed)
True Positive Rate: 91.93% True Positive Rate: 93.8% True Positive Rate: 95.77% True Positive Rate: 97.43% True Positive Rate: 99.04%
False alarm rate: 11.37% False alarm rate: 8.59% False alarm rate: 6.2% False alarm rate: 5.48% False alarm rate: 2.05%
Specificity:
77.0%
Specificity:
83.75%
Specificity:
86.5%
Specificity:
87.25%
Specificity:
97.0%

The findings as listed in Tables 5–7 provide a significant milestone, which gets further curated with the tabulation, i.e., the performance comparison of the proposed system with state-of-the-art approaches depicted in Table 8. The results for accuracy and precision of the proposal put forward in this research article, compared to contemporary algorithms like LSTM [21], MLP [25], RNN [27], CFCD [28], and H-ELM [30] which specialize in both accuracy and precision, show a striking resemblance. Thus, this finding firmly establishes the significance and importance of our proposal in the context of multilayered SDN security with MAC authentication.

Table 8. Performance comparison of proposed system with state-of-the-art approaches.

Techniques Accuracy (%) Precision (%)
LSTM [21] 97.1
MLP [25] 95.01 95.46
GRU-RNN [26] 89 99
RNN [27] 97.39 92
CFCD [28] 95.5 95.5
H-ELM [30] 84.29 94.18
Proposed (DDcGAN-GSOM) 98.29 95.8

5. Conclusion

This study introduces a MAC address-based authentication system for intrusion detection in Software-Defined Networks (SDNs), utilizing advanced methodologies to strengthen network security. By integrating Dual Discriminator Conditional Generative Adversarial Networks (DDcGAN) with Growing Self-Organizing Maps (GSOM), the system effectively detects and mitigates a range of attacks, including Distributed Denial of Service (DDoS) and scanning attacks. The DDcGAN technique generates synthetic network traffic that closely resembles real traffic, enhancing accuracy and reducing false positive rates. Compared to state-of-the-art methods such as GRU-RNN, MLP, and RNN-SDR, the proposed system exhibits superior performance in terms of accuracy, true positive rate, false alarm rate, and network throughput. A critical aspect of the system is its MAC address-based packet authentication, which classifies packets as legitimate or malicious, ensuring only legitimate packets are processed. Additionally, the use of the Four-Q Curve for user authentication addresses Man-in-the-Middle attacks, bolstering secure network access. The Sheep Flock Optimization Algorithm (SFOA) optimizes the DDcGAN model, further enhancing its efficiency in identifying intrusions. The system’s implementation on the Ns-3 network simulator validates its effectiveness, demonstrating significant improvements over existing methods. The findings underline the potential of the proposed system to revolutionize intrusion detection in SDNs. The DDcGAN model’s effectiveness relies on the quality and diversity of training data, which can be affected by the biased data. To improve its effectiveness, real-time network traffic data and active learning strategies can be implemented. Regularization techniques and monitoring can mitigate adversarial attacks. Integrating DDcGAN with other machine learning models like Graph Neural Networks can improve its ability to detect sophisticated network attacks in dynamic SDN environments. Federated learning techniques could enable distributed SDN devices to train models without sharing sensitive data. Future research should explore diverse datasets, privacy-preserving mechanisms, blockchain, and trust-based frameworks to enhance robustness, generalization, and data confidentiality in sensitive network environments.

Supporting information

S1 Table. Input and Selected features for data packet transmission.

(DOCX)

pone.0331470.s001.docx (16.6KB, docx)
S1 Fig. Flowchart of the sheep flock optimization algorithm.

(DOCX)

pone.0331470.s002.docx (23.3KB, docx)
S1 File. S1 Algorithm.

GSOM algorithm for categorizing suspicious packets.

(DOCX)

pone.0331470.s003.docx (111.1KB, docx)

Acknowledgments

The authors are grateful to the management of Vellore Institute of Technology (VIT), Vellore for providing all the facilities to carry out this research article. Due acknowledgement must be given to the Lab Incharge of Advanced Digital Signal Processing Lab (Technology Tower-231) for providing necessary space to conduct experiments.

Data Availability

All relevant data are within the manuscript and its Supporting Information files.

Funding Statement

The author(s) received no specific funding for this work.

References

  • 1.Nayak NKS, Bhattacharyya B. An Intrusion Detection System for 5G SDN Network Utilizing Binarized Deep Spiking Capsule Fire Hawk Neural Networks and Blockchain Technology. Future Internet. 2024;16(10):359. doi: 10.3390/fi16100359 [DOI] [Google Scholar]
  • 2.Ravi V, Chaganti R, Alazab M. Recurrent deep learning-based feature fusion ensemble meta-classifier approach for intelligent network intrusion detection system. Computers and Electrical Engineering. 2022;102:108156. doi: 10.1016/j.compeleceng.2022.108156 [DOI] [Google Scholar]
  • 3.Yungaicela-Naula NM, Vargas-Rosales C, Pérez-Díaz JA, Carrera DF. A flexible SDN-based framework for slow-rate DDoS attack mitigation by using deep reinforcement learning. Journal of Network and Computer Applications. 2022;205:103444. doi: 10.1016/j.jnca.2022.103444 [DOI] [Google Scholar]
  • 4.Naqash T, Shah SH, Islam MNU. Statistical Analysis Based Intrusion Detection System for Ultra-High-Speed Software Defined Network. Int J Parallel Prog. 2021;50(1):89–114. doi: 10.1007/s10766-021-00715-0 [DOI] [Google Scholar]
  • 5.Birkinshaw C, Rouka E, Vassilakis VG. Implementing an intrusion detection and prevention system using software-defined networking: Defending against port-scanning and denial-of-service attacks. Journal of Network and Computer Applications. 2019;136:71–85. doi: 10.1016/j.jnca.2019.03.005 [DOI] [Google Scholar]
  • 6.Batra R, Mahajan M, Goel A. An optimized active learning tcm-knn algorithm based on intrusion detection system. In: Congress on Intelligent Systems: Proceedings of CIS 2021, Singapore, 2022:621–34. [Google Scholar]
  • 7.Alzahrani AO, Alenazi MJ. ML‐IDSDN: Machine learning based intrusion detection system for software‐defined network. Concurrency and Computation: Practice and Experience. 2023;35(1):e7438. [Google Scholar]
  • 8.Fausto A, Gaggero G, Patrone F, Marchese M. Reduction of the delays within an intrusion detection system (ids) based on software defined networking (sdn). IEEE Access. 2022;10:109850–62. [Google Scholar]
  • 9.Ding S, Kou L, Wu T. A GAN-Based Intrusion Detection Model for 5G Enabled Future Metaverse. Mobile Netw Appl. 2022;27(6):2596–610. doi: 10.1007/s11036-022-02075-6 [DOI] [Google Scholar]
  • 10.Kou L, Ding S, Wu T, Dong W, Yin Y. An Intrusion Detection Model for Drone Communication Network in SDN Environment. Drones. 2022;6(11):342. doi: 10.3390/drones6110342 [DOI] [Google Scholar]
  • 11.Wahab F, Zhao Y, Javeed D, Al-Adhaileh MH, Almaaytah SA, Khan W, et al. An AI-Driven Hybrid Framework for Intrusion Detection in IoT-Enabled E-Health. Comput Intell Neurosci. 2022;2022:6096289. doi: 10.1155/2022/6096289 [DOI] [PMC free article] [PubMed] [Google Scholar] [Retracted]
  • 12.Yang L, Song Y, Gao S, Hu A, Xiao B. Griffin: Real-Time Network Intrusion Detection System via Ensemble of Autoencoder in SDN. IEEE Trans Netw Serv Manage. 2022;19(3):2269–81. doi: 10.1109/tnsm.2022.3175710 [DOI] [Google Scholar]
  • 13.Friha O, Ferrag MA, Shu L, Maglaras L, Choo K-KR, Nafaa M. FELIDS: Federated learning-based intrusion detection system for agricultural Internet of Things. Journal of Parallel and Distributed Computing. 2022;165:17–31. doi: 10.1016/j.jpdc.2022.03.003 [DOI] [Google Scholar]
  • 14.Polat H, Türkoğlu M, Polat O, Şengür A. A novel approach for accurate detection of the DDoS attacks in SDN-based SCADA systems based on deep recurrent neural networks. Expert Systems with Applications. 2022;197:116748. doi: 10.1016/j.eswa.2022.116748 [DOI] [Google Scholar]
  • 15.Bour H, Abolhasan M, Jafarizadeh S, Lipman J, Makhdoom I. A multi-layered intrusion detection system for software defined networking. Computers and Electrical Engineering. 2022;101:108042. doi: 10.1016/j.compeleceng.2022.108042 [DOI] [Google Scholar]
  • 16.Saba T, Rehman A, Sadad T, Kolivand H, Bahaj SA. Anomaly-based intrusion detection system for IoT networks through deep learning model. Computers and Electrical Engineering. 2022;99:107810. doi: 10.1016/j.compeleceng.2022.107810 [DOI] [Google Scholar]
  • 17.Naqash T, Tanveer MH, Shah SH, Salman M. Statistical analysis-based intrusion detection for software defined network. Smart Trends in Computing and Communications: Proceedings of SmartCom 2021. Springer Singapore. 2022. 279–89. [Google Scholar]
  • 18.Anyanwu GO, Nwakanma CI, Lee J-M, Kim D-S. RBF-SVM kernel-based model for detecting DDoS attacks in SDN integrated vehicular network. Ad Hoc Networks. 2023;140:103026. doi: 10.1016/j.adhoc.2022.103026 [DOI] [Google Scholar]
  • 19.Kujur P, Biswal SP, Patel S. Security challenges and analysis for SDN‐based networks. Software defined networks: architecture and applications. 2022. 321–46. [Google Scholar]
  • 20.Ahmed U, Lin JC-W, Srivastava G. A resource allocation deep active learning based on load balancer for network intrusion detection in SDN sensors. Computer Communications. 2022;184:56–63. doi: 10.1016/j.comcom.2021.12.009 [DOI] [Google Scholar]
  • 21.Chaganti R, Suliman W, Ravi V, Dua A. Deep Learning Approach for SDN-Enabled Intrusion Detection System in IoT Networks. Information. 2023;14(1):41. doi: 10.3390/info14010041 [DOI] [Google Scholar]
  • 22.Guezzaz A, Benkirane S, Azrour M, Khurram S. A Reliable Network Intrusion Detection Approach Using Decision Tree with Enhanced Data Quality. Security and Communication Networks. 2021;2021:1–8. doi: 10.1155/2021/1230593 [DOI] [Google Scholar]
  • 23.Le T-T-H, Oktian YE, Kim H. XGBoost for Imbalanced Multiclass Classification-Based Industrial Internet of Things Intrusion Detection Systems. Sustainability. 2022;14(14):8707. doi: 10.3390/su14148707 [DOI] [Google Scholar]
  • 24.Wani A, S R, Khaliq R. SDN‐based intrusion detection system for IoT using deep learning classifier (IDSIoT‐SDL). CAAI Trans on Intel Tech. 2021;6(3):281–90. doi: 10.1049/cit2.12003 [DOI] [Google Scholar]
  • 25.Perez-Diaz JA, Valdovinos IA, Choo KKR, Zhu D. A flexible SDN-based architecture for identifying and mitigating low-rate DDoS attacks using machine learning. IEEE Access. 2020;8:155859–72. [Google Scholar]
  • 26.Tang TA, McLernon D, Mhamdi L, Zaidi SA, Ghogho M. Intrusion detection in sdn-based networks: Deep recurrent neural network approach. Deep Learning Applications for Cyber Security. 2019. 175–95. [Google Scholar]
  • 27.Albahar MA. Recurrent neural network model based on a new regularization technique for real‐time intrusion detection in SDN environments. Security and Communication Networks. 2019; 2019(1):8939041.
  • 28.Nguyen TG, Phan TV, Nguyen BT, So-In C, Baig ZA, Sanguanpong S. Search: A collaborative and intelligent nids architecture for sdn-based cloud iot networks. IEEE Access. 2019;7:107678–94. [Google Scholar]
  • 29.Phan TV, Park M. Efficient distributed denial-of-service attack defense in SDN-based cloud. IEEE Access. 2019;7:18701–14. [Google Scholar]
  • 30.Latah M, Toker L. An efficient flow-based multi-level hybrid intrusion detection system for software-defined networks. CCF Trans Netw. 2020;3(3–4):261–71. doi: 10.1007/s42045-020-00040-z [DOI] [Google Scholar]
  • 31.Toony AA, Alqahtani F, Alginahi Y, Said W. MULTI-BLOCK: A novel ML-based intrusion detection framework for SDN-enabled IoT networks using new pyramidal structure. Internet of Things. 2024;26:101231. doi: 10.1016/j.iot.2024.101231 [DOI] [Google Scholar]
  • 32.Khedr WI, Gouda AE, Mohamed ER. FMDADM: A multi-layer DDoS attack detection and mitigation framework using machine learning for stateful SDN-based IoT networks. IEEE Access. 2023;11:28934–54. [Google Scholar]
  • 33.Girdler T, Vassilakis VG. Implementing an intrusion detection and prevention system using Software-Defined Networking: Defending against ARP spoofing attacks and Blacklisted MAC Addresses. Computers & Electrical Engineering. 2021;90:106990. [Google Scholar]
  • 34.Costello C, Longa P. Four: four-dimensional decompositions on a-curve over the mersenne prime. In: International Conference on the Theory and Application of Cryptology and Information Security, Berlin, Heidelberg, 2015. 214–35. [Google Scholar]
  • 35.Anbarasan HS, Natarajan J. Blockchain Based Delay and Energy Harvest Aware Healthcare Monitoring System in WBAN Environment. Sensors (Basel). 2022;22(15):5763. doi: 10.3390/s22155763 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 36.Ma J, Xu H, Jiang J, Mei X, Zhang X-P. DDcGAN: A Dual-discriminator Conditional Generative Adversarial Network for Multi-resolution Image Fusion. IEEE Trans Image Process. 2020;:10.1109/TIP.2020.2977573. doi: 10.1109/TIP.2020.2977573 [DOI] [PubMed] [Google Scholar]
  • 37.Krishnaveni S, Sivamohan S, Sridhar SS, Prabakaran S. Efficient feature selection and classification through ensemble method for network intrusion detection on cloud computing. Cluster Comput. 2021;24(3):1761–79. doi: 10.1007/s10586-020-03222-y [DOI] [Google Scholar]
  • 38.Benisha RB. An efficient Sheep Flock Optimization-based hybrid deep RaNN for secure and enhanced video transmission quality. Neural Comput & Applic. 2023;35(11):8065–80. doi: 10.1007/s00521-022-08083-7 [DOI] [Google Scholar]
  • 39.Pramanik A, Sarkar S, Maiti J, Mitra P. Rt-gsom: rough tolerance growing self-organizing map. Information Sciences. 2021;566:19–37. [Google Scholar]

Decision Letter 0

Muhammad Anwar

7 Nov 2024

Dear Dr. Bhattacharyya,

Thank you for submitting your manuscript to PLOS ONE. After careful consideration, we feel that it has merit but does not fully meet PLOS ONE’s publication criteria as it currently stands. Therefore, we invite you to submit a revised version of the manuscript that addresses the points raised during the review process.

Please submit your revised manuscript by Dec 22 2024 11:59PM. If you will need more time than this to complete your revisions, please reply to this message or contact the journal office at plosone@plos.org . When you're ready to submit your revision, log on to https://www.editorialmanager.com/pone/ and select the 'Submissions Needing Revision' folder to locate your manuscript file.

  • A rebuttal letter that responds to each point raised by the academic editor and reviewer(s). You should upload this letter as a separate file labeled 'Response to Reviewers'.

  • A marked-up copy of your manuscript that highlights changes made to the original version. You should upload this as a separate file labeled 'Revised Manuscript with Track Changes'.

  • An unmarked version of your revised paper without tracked changes. You should upload this as a separate file labeled 'Manuscript'.

If you would like to make changes to your financial disclosure, please include your updated statement in your cover letter. Guidelines for resubmitting your figure files are available below the reviewer comments at the end of this letter.

If applicable, we recommend that you deposit your laboratory protocols in protocols.io to enhance the reproducibility of your results. Protocols.io assigns your protocol its own identifier (DOI) so that it can be cited independently in the future. For instructions see: https://journals.plos.org/plosone/s/submission-guidelines#loc-laboratory-protocols . Additionally, PLOS ONE offers an option for publishing peer-reviewed Lab Protocol articles, which describe protocols hosted on protocols.io. Read more information on sharing protocols at https://plos.org/protocols?utm_medium=editorial-email&utm_source=authorletters&utm_campaign=protocols .

We look forward to receiving your revised manuscript.

Kind regards,

Muhammad Anwar, Ph.D.

Academic Editor

PLOS ONE

Journal Requirements:

When submitting your revision, we need you to address these additional requirements.

1. Please ensure that your manuscript meets PLOS ONE's style requirements, including those for file naming. The PLOS ONE style templates can be found at 

https://journals.plos.org/plosone/s/file?id=wjVg/PLOSOne_formatting_sample_main_body.pdf and 

https://journals.plos.org/plosone/s/file?id=ba62/PLOSOne_formatting_sample_title_authors_affiliations.pdf

2. Please note that PLOS ONE has specific guidelines on code sharing for submissions in which author-generated code underpins the findings in the manuscript. In these cases, all author-generated code must be made available without restrictions upon publication of the work. Please review our guidelines at https://journals.plos.org/plosone/s/materials-and-software-sharing#loc-sharing-code and ensure that your code is shared in a way that follows best practice and facilitates reproducibility and reuse.

3. Please include your full ethics statement in the ‘Methods’ section of your manuscript file. In your statement, please include the full name of the IRB or ethics committee who approved or waived your study, as well as whether or not you obtained informed written or verbal consent. If consent was waived for your study, please include this information in your statement as well.

4. We note that Figure 1 in your submission contain copyrighted images. All PLOS content is published under the Creative Commons Attribution License (CC BY 4.0), which means that the manuscript, images, and Supporting Information files will be freely available online, and any third party is permitted to access, download, copy, distribute, and use these materials in any way, even commercially, with proper attribution. For more information, see our copyright guidelines: http://journals.plos.org/plosone/s/licenses-and-copyright.

We require you to either (1) present written permission from the copyright holder to publish these figures specifically under the CC BY 4.0 license, or (2) remove the figures from your submission:

a. You may seek permission from the original copyright holder of Figure 1 to publish the content specifically under the CC BY 4.0 license. 

We recommend that you contact the original copyright holder with the Content Permission Form (http://journals.plos.org/plosone/s/file?id=7c09/content-permission-form.pdf) and the following text:

“I request permission for the open-access journal PLOS ONE to publish XXX under the Creative Commons Attribution License (CCAL) CC BY 4.0 (http://creativecommons.org/licenses/by/4.0/). Please be aware that this license allows unrestricted use and distribution, even commercially, by third parties. Please reply and provide explicit written permission to publish XXX under a CC BY license and complete the attached form.”

Please upload the completed Content Permission Form or other proof of granted permissions as an "Other" file with your submission. 

In the figure caption of the copyrighted figure, please include the following text: “Reprinted from [ref] under a CC BY license, with permission from [name of publisher], original copyright [original copyright year].”

b. If you are unable to obtain permission from the original copyright holder to publish these figures under the CC BY 4.0 license or if the copyright holder’s requirements are incompatible with the CC BY 4.0 license, please either i) remove the figure or ii) supply a replacement figure that complies with the CC BY 4.0 license. Please check copyright information on all replacement figures and update the figure caption with source information. If applicable, please specify in the figure caption text when a figure is similar but not identical to the original image and is therefore for illustrative purposes only.

5. Please include captions for your Supporting Information files at the end of your manuscript, and update any in-text citations to match accordingly. Please see our Supporting Information guidelines for more information: http://journals.plos.org/plosone/s/supporting-information. 

[Note: HTML markup is below. Please do not edit.]

Reviewers' comments:

Reviewer's Responses to Questions

Comments to the Author

1. Is the manuscript technically sound, and do the data support the conclusions?

Reviewer #1: Yes

Reviewer #2: No

Reviewer #3: Partly

**********

2. Has the statistical analysis been performed appropriately and rigorously? -->?>

Reviewer #1: Yes

Reviewer #2: No

Reviewer #3: Yes

**********

3. Have the authors made all data underlying the findings in their manuscript fully available??>

The PLOS Data policy

Reviewer #1: Yes

Reviewer #2: No

Reviewer #3: Yes

**********

4. Is the manuscript presented in an intelligible fashion and written in standard English??>

Reviewer #1: Yes

Reviewer #2: Yes

Reviewer #3: Yes

**********

Reviewer #1: Here are my comments:

1. The current title, "An authentication system based on MAC addresses for multilayered SDN intrusion detection using dual discriminator conditional GAN and growing self-organizing maps," is quite detailed but could be more concise and specific. Here are some suggestions to make the title more focused and clearer:

a. "MAC Address Authentication for SDN Security: A Dual Discriminator GAN and Self-Organizing Maps Approach".

b. "Intrusion Detection in SDN Using MAC-Based Authentication and Conditional GANs"

c. "Multilayered SDN Security with MAC Authentication and GAN-Based Intrusion Detection"

2. Although the abstract is clearly organized, there are several unclear passages. Change the words from "Computer networks are susceptible to cyber-security intrusions" for "Computer networks are highly vulnerable to cyber-security intrusions." Additionally, as some readers may not be aware with the term "Four-Q curve authentication," quickly define it for them.

3. Further background on SDN and its significance in the modern networking environment has to be included in the introduction. Provide a succinct explanation of the drawbacks of conventional SDN designs as well as the importance of multilayer SDN in improving network security.

4. The literature study needs to provide a comparative examination of the many strategies that have been discussed. Talk about each method's benefits and drawbacks in further depth. Furthermore, it is important to include new research conducted beyond 2020 in order to maintain the currency of the literature review.

5. The methodology part needs to have an elaborate flowchart or diagram that demonstrates the architecture of the suggested system. This will make the procedure easier for readers to see and comprehend the processes needed.

6. Give a more thorough description of the relevance of the "Four-Q curve authentication" procedure in the suggested system.

7. The DC-GAN technique should be explained in greater detail. Provide explanations of the dual discriminator's operation and how it improves intrusion detection accuracy using mathematical formulas and algorithms.

8. Give a thorough explanation of the Sheep Flock Optimization Algorithm (SFOA). Explain its function in DC-GAN optimization and the rationale behind selecting this specific method over alternative optimization strategies.

9. The ramifications of the results should be covered in more detail in the discussion section. Talk about the practical applications of the suggested system and how it could affect SDN security.

10. Discuss any potential drawbacks or restrictions with the suggested system and offer ideas for workarounds or new directions for investigation.

11. The main conclusions and contributions of the study should be succinctly summarized in the conclusion. Stress the newness and importance of the suggested system for improving SDN security.

12. Provide targeted recommendations for future research trajectories to improve the suggested system even further and fill up any gaps.

Reviewer #2: 1. Authors should provide some brief numerical results at the end of the abstract to demonstrate that the proposed approach achieves SOTA performance.

2. The authors should provide the reference when DCGAN was first introduced, rather than waiting until line 247. In addition, reference [33] is commonly known as DDcGAN, so why do the authors refer to it as DCGAN?

3. Abbreviations (e.g. MAC, DDoS, MLP, IoT, and others) need to be defined before being mentioned for the first time.

4. Each symbol in Equation 2 should be introduced, and its corresponding value and meaning should be clearly explained.

5. The paper lacks figures, and the authors should add them to paper.

6. F1-score is a metric that assesses model performance on a scale from 0 to 1. For instance, better to express the F1-score as 0.975 rather than 97.5%.

7. This paper lacks tables of experimental results.

8. Authors should provide a detailed explanation of the proposed figures. For instance, Figures 14 and 15 represent the Discriminator Loss and Generator Loss, respectively. However, the current descriptions lack clarity and specificity. To make the figures more meaningful, the authors should descript relevant numerical values and offer a more comprehensive interpretation.

Reviewer #3: The paper entitled “An authentication system based on MAC addresses for multilayered SDN intrusion detection using dual discriminator conditional GAN and growing self-organizing maps.” presents a novel four-Q curve authentication system based on MAC addresses for multilayered SDN intrusion detection system utilizing deep learning techniques to identify and prevent attacks. I have the following comments that could improve the paper's structure:

1. The abstract is satisfactory; however, it necessitates some enhancements. Authors should initially enhance the abstract's composition. Subsequently, it should explicitly illustrate the outcomes of the proposed scheme, including numerical values and percentages.

2. Authors should give additional consideration to certain aspects of the manuscript, as well as to the numerous errors and formatting issues that are present in the current version.

3. The current manuscript contains several typos and formatting issues, along with several considerations the authors should take into account, such as:

-Page 2: " Therefore, by implementing an effective IDS in MAC-based SDN system, adversaries can be reduced or eliminated".

The authors should check for similar mistakes and revise them.

4. I advise the authors to revise the quality of all figures.

5. The proposed solution by the authors suggests the following: First, in the infrastructure layer, deep learning models get trained with more robustness. In addition, in the control plane layer, the local discriminator consists of a leaky ReLU activation function, two batch normalization layers, and five convolutional layers. The discriminator system includes four fully connected layers. Lastly, the application layer contains an unsupervised neural network of the GSOM type based on the SOM methodology. My question is, is it a practical solution to use all these complex techniques within each part? Please discuss in detail.

6. Authors are advised to compare their work with the literature in the result section.

**********

what does this mean? ). If published, this will include your full peer review and any attached files.

If you choose “no”, your identity will remain anonymous but your review may still be made public.

Do you want your identity to be public for this peer review? For information about this choice, including consent withdrawal, please see our Privacy Policy

Reviewer #1: Yes:  Radhwan Mohamed Abdullah

Reviewer #2: No

Reviewer #3: No

**********

[NOTE: If reviewer comments were submitted as an attachment file, they will be attached to this email and accessible via the submission site. Please log into your account, locate the manuscript record, and check for the action link "View Attachments". If this link does not appear, there are no attachment files.]

While revising your submission, please upload your figure files to the Preflight Analysis and Conversion Engine (PACE) digital diagnostic tool, https://pacev2.apexcovantage.com/ . PACE helps ensure that figures meet PLOS requirements. To use PACE, you must first register as a user. Registration is free. Then, login and navigate to the UPLOAD tab, where you will find detailed instructions on how to use the tool. If you encounter any issues or have any questions when using PACE, please email PLOS at figures@plos.org . Please note that Supporting Information files do not need this step.

PLoS One. 2025 Sep 4;20(9):e0331470. doi: 10.1371/journal.pone.0331470.r002

Author response to Decision Letter 1


10 Dec 2024

We have provided the detailed responses to each comment and explain the revisions made in the manuscript in the file titled Response to the Reviewer Comments.

Attachment

Submitted filename: Reponse to Reviwer Comments (Plos One).docx

pone.0331470.s006.docx (29.4KB, docx)

Decision Letter 1

Muhammad Anwar

13 Jan 2025

Dear Dr. Bhattacharyya,

Thank you for submitting your manuscript to PLOS ONE. After careful consideration, we feel that it has merit but does not fully meet PLOS ONE’s publication criteria as it currently stands. Therefore, we invite you to submit a revised version of the manuscript that addresses the points raised during the review process.

Please submit your revised manuscript by Feb 27 2025 11:59PM. If you will need more time than this to complete your revisions, please reply to this message or contact the journal office at plosone@plos.org . When you're ready to submit your revision, log on to https://www.editorialmanager.com/pone/ and select the 'Submissions Needing Revision' folder to locate your manuscript file.

  • A rebuttal letter that responds to each point raised by the academic editor and reviewer(s). You should upload this letter as a separate file labeled 'Response to Reviewers'.

  • A marked-up copy of your manuscript that highlights changes made to the original version. You should upload this as a separate file labeled 'Revised Manuscript with Track Changes'.

  • An unmarked version of your revised paper without tracked changes. You should upload this as a separate file labeled 'Manuscript'.

If you would like to make changes to your financial disclosure, please include your updated statement in your cover letter. Guidelines for resubmitting your figure files are available below the reviewer comments at the end of this letter.

If applicable, we recommend that you deposit your laboratory protocols in protocols.io to enhance the reproducibility of your results. Protocols.io assigns your protocol its own identifier (DOI) so that it can be cited independently in the future. For instructions see: https://journals.plos.org/plosone/s/submission-guidelines#loc-laboratory-protocols . Additionally, PLOS ONE offers an option for publishing peer-reviewed Lab Protocol articles, which describe protocols hosted on protocols.io. Read more information on sharing protocols at https://plos.org/protocols?utm_medium=editorial-email&utm_source=authorletters&utm_campaign=protocols .

We look forward to receiving your revised manuscript.

Kind regards,

Muhammad Anwar, Ph.D.

Academic Editor

PLOS ONE

[Note: HTML markup is below. Please do not edit.]

Reviewers' comments:

Reviewer's Responses to Questions

Comments to the Author

Reviewer #2: (No Response)

Reviewer #3: All comments have been addressed

**********

2. Is the manuscript technically sound, and do the data support the conclusions??>

Reviewer #2: Yes

Reviewer #3: Yes

**********

3. Has the statistical analysis been performed appropriately and rigorously? -->?>

Reviewer #2: Yes

Reviewer #3: Yes

**********

4. Have the authors made all data underlying the findings in their manuscript fully available??>

The PLOS Data policy

Reviewer #2: No

Reviewer #3: Yes

**********

5. Is the manuscript presented in an intelligible fashion and written in standard English??>

Reviewer #2: No

Reviewer #3: Yes

**********

Reviewer #2: 1. Why did the authors abbreviate Dual-Discriminator Conditional Generative Adversarial Network [36] as DC-GAN instead of DDcGAN?

2. Authors should revise their paper carefully to avoid writing errors: e.g., single and double inverted commas are used in a confusing way, why are there 'L_loss' and "L_loss"?

The multiplication sign should not be replaced by word "x".

In addition, the symbolic fonts of the equation need to be checked and revised again.

3. Better to highlight the best performances in bold, or in a different color (e.g. red) to make the tables easier to read.

Reviewer #3: The authors respond to every comment. Other than that, I have no concerns. The paper can be accepted as it is.

**********

what does this mean? ). If published, this will include your full peer review and any attached files.

If you choose “no”, your identity will remain anonymous but your review may still be made public.

Do you want your identity to be public for this peer review? For information about this choice, including consent withdrawal, please see our Privacy Policy

Reviewer #2: No

Reviewer #3: No

**********

[NOTE: If reviewer comments were submitted as an attachment file, they will be attached to this email and accessible via the submission site. Please log into your account, locate the manuscript record, and check for the action link "View Attachments". If this link does not appear, there are no attachment files.]

While revising your submission, please upload your figure files to the Preflight Analysis and Conversion Engine (PACE) digital diagnostic tool, https://pacev2.apexcovantage.com/ . PACE helps ensure that figures meet PLOS requirements. To use PACE, you must first register as a user. Registration is free. Then, login and navigate to the UPLOAD tab, where you will find detailed instructions on how to use the tool. If you encounter any issues or have any questions when using PACE, please email PLOS at figures@plos.org . Please note that Supporting Information files do not need this step.

Attachment

Submitted filename: comment.docx

pone.0331470.s005.docx (12.6KB, docx)

Decision Letter 2

Muhammad Anwar

17 Aug 2025

Multilayered SDN Security with MAC Authentication and GAN-Based Intrusion Detection

PONE-D-24-24864R2

Dear Dr. Bhattacharyya,

We’re pleased to inform you that your manuscript has been judged scientifically suitable for publication and will be formally accepted for publication once it meets all outstanding technical requirements.

Within one week, you’ll receive an e-mail detailing the required amendments. When these have been addressed, you’ll receive a formal acceptance letter and your manuscript will be scheduled for publication.

An invoice will be generated when your article is formally accepted. Please note, if your institution has a publishing partnership with PLOS and your article meets the relevant criteria, all or part of your publication costs will be covered. Please make sure your user information is up-to-date by logging into Editorial Manager at Editorial Manager®  and clicking the ‘Update My Information' link at the top of the page. For questions related to billing, please contact billing support .

If your institution or institutions have a press office, please notify them about your upcoming paper to help maximize its impact. If they’ll be preparing press materials, please inform our press team as soon as possible -- no later than 48 hours after receiving the formal acceptance. Your manuscript will remain under strict press embargo until 2 pm Eastern Time on the date of publication. For more information, please contact onepress@plos.org.

Kind regards,

Muhammad Anwar, Ph.D.

Academic Editor

PLOS ONE

Additional Editor Comments (optional):

Reviewers' comments:

Reviewer's Responses to Questions

Comments to the Author

Reviewer #2: All comments have been addressed

**********

2. Is the manuscript technically sound, and do the data support the conclusions??>

Reviewer #2: Yes

**********

3. Has the statistical analysis been performed appropriately and rigorously? -->?>

Reviewer #2: Yes

**********

4. Have the authors made all data underlying the findings in their manuscript fully available??>

The PLOS Data policy

Reviewer #2: (No Response)

**********

5. Is the manuscript presented in an intelligible fashion and written in standard English??>

Reviewer #2: Yes

**********

Reviewer #2: (No Response)

**********

what does this mean? ). If published, this will include your full peer review and any attached files.

If you choose “no”, your identity will remain anonymous but your review may still be made public.

Do you want your identity to be public for this peer review? For information about this choice, including consent withdrawal, please see our Privacy Policy

Reviewer #2: No

**********

Acceptance letter

Muhammad Anwar

PONE-D-24-24864R2

PLOS ONE

Dear Dr. Bhattacharyya,

I'm pleased to inform you that your manuscript has been deemed suitable for publication in PLOS ONE. Congratulations! Your manuscript is now being handed over to our production team.

At this stage, our production department will prepare your paper for publication. This includes ensuring the following:

* All references, tables, and figures are properly cited

* All relevant supporting information is included in the manuscript submission,

* There are no issues that prevent the paper from being properly typeset

You will receive further instructions from the production team, including instructions on how to review your proof when it is ready. Please keep in mind that we are working through a large volume of accepted articles, so please give us a few days to review your paper and let you know the next and final steps.

Lastly, if your institution or institutions have a press office, please let them know about your upcoming paper now to help maximize its impact. If they'll be preparing press materials, please inform our press team within the next 48 hours. Your manuscript will remain under strict press embargo until 2 pm Eastern Time on the date of publication. For more information, please contact onepress@plos.org.

You will receive an invoice from PLOS for your publication fee after your manuscript has reached the completed accept phase. If you receive an email requesting payment before acceptance or for any other service, this may be a phishing scheme. Learn how to identify phishing emails and protect your accounts at https://explore.plos.org/phishing.

If we can help with anything else, please email us at customercare@plos.org.

Thank you for submitting your work to PLOS ONE and supporting open access.

Kind regards,

PLOS ONE Editorial Office Staff

on behalf of

Dr. Muhammad Anwar

Academic Editor

PLOS ONE

Associated Data

    This section collects any data citations, data availability statements, or supplementary materials included in this article.

    Supplementary Materials

    S1 Table. Input and Selected features for data packet transmission.

    (DOCX)

    pone.0331470.s001.docx (16.6KB, docx)
    S1 Fig. Flowchart of the sheep flock optimization algorithm.

    (DOCX)

    pone.0331470.s002.docx (23.3KB, docx)
    S1 File. S1 Algorithm.

    GSOM algorithm for categorizing suspicious packets.

    (DOCX)

    pone.0331470.s003.docx (111.1KB, docx)
    Attachment

    Submitted filename: Reponse to Reviwer Comments (Plos One).docx

    pone.0331470.s006.docx (29.4KB, docx)
    Attachment

    Submitted filename: comment.docx

    pone.0331470.s005.docx (12.6KB, docx)
    Attachment

    Submitted filename: Reponse to Reviwer Comments 2 (Plos One).docx

    pone.0331470.s007.docx (26.3KB, docx)

    Data Availability Statement

    All relevant data are within the manuscript and its Supporting Information files.


    Articles from PLOS One are provided here courtesy of PLOS

    RESOURCES