iconOpen Access

ARTICLE

CL2ES-KDBC: A Novel Covariance Embedded Selection Based on Kernel Distributed Bayes Classifier for Detection of Cyber-Attacks in IoT Systems

Talal Albalawi, P. Ganeshkumar*

Computer Science Department, College of Computer and Information Sciences, Imam Mohammad Ibn Saud Islamic University (IMSIU), Riyadh, 11432, Saudi Arabia

* Corresponding Author: P. Ganeshkumar. Email: email

Computers, Materials & Continua 2024, 78(3), 3511-3528. https://doi.org/10.32604/cmc.2024.046396

Abstract

The Internet of Things (IoT) is a growing technology that allows the sharing of data with other devices across wireless networks. Specifically, IoT systems are vulnerable to cyberattacks due to its opennes The proposed work intends to implement a new security framework for detecting the most specific and harmful intrusions in IoT networks. In this framework, a Covariance Linear Learning Embedding Selection (CL2ES) methodology is used at first to extract the features highly associated with the IoT intrusions. Then, the Kernel Distributed Bayes Classifier (KDBC) is created to forecast attacks based on the probability distribution value precisely. In addition, a unique Mongolian Gazellas Optimization (MGO) algorithm is used to optimize the weight value for the learning of the classifier. The effectiveness of the proposed CL2ES-KDBC framework has been assessed using several IoT cyber-attack datasets, The obtained results are then compared with current classification methods regarding accuracy (97%), precision (96.5%), and other factors. Computational analysis of the CL2ES-KDBC system on IoT intrusion datasets is performed, which provides valuable insight into its performance, efficiency, and suitability for securing IoT networks.

Keywords


1  Introduction

Internet of Things (IoT) [1,2] is seen as a fast-evolving paradigm that has significantly advanced over the past few decades. It has come together with the internet and hundreds of billions of gadgets from various platforms. A large number of networked devices that communicate with one another to enable interactions between people and objects make up the IoT, a rapidly expanding networking paradigm. There are many established IoT configurations [3,4], where the sensor devices operate in difficult radio settings with persuasive radio links that have drastically changing capabilities. The base station gathers, stores, and analyzes the incoming data [5]. IoT uses the internet and real-time applications to give users a simple and effective environment [6,7]. Securing IoT [810] is a difficult task due to its heterogeneity, size, hardware resource limitations, and accessibility options. Security attacks on IoT devices can be divided into five types [11]. Physical attacks target the IoT networks’ hardware components. Because physical attacks demand a lot of resources to accomplish [12], they are challenging to carry out in IoT systems. Side-channel attacks, which draw on data retrieved via the encryption device’s side channel. The opponents recover the device’s key using the information they have obtained. Cryptanalysis attacks target the ciphertext as a means of weakening the encryption system and obtaining the plaintext. Software attacks [13] occur due to software security flaws. These attacks typically use deserialization techniques that insert malicious programs. Network assaults, flaws in wireless connectivity. The majority of IoT devices have minimal computing capacity, which means that only simple implementations of the cryptographic hash functions are available. Before transmitting data, every new IoT device introduced to the network must be authorized based on device authentication. Here, machine learning or deep learning models [14] are used to find unapproved IoT devices in a network. An additional defense against unauthorized access to the physical IoT layer is anonymity, which involves concealing sensitive data such as network node identities and positions.

Generally, the IoT attack detection models [15] are classified into the following types: signature-based and anomaly-based. The signature-based models help to identify the attacks in the incoming network traffic. On the other hand, machine learning-based artificial intelligence (AI) models [16] are used in anomaly detection strategies for spotting intrusions according to their characteristics. When compared to signature-based models, anomaly-based techniques are widely applied in many security application systems. Most of the AI-based security methodologies used in conventional work have some of the following challenges [1719]: complexity in system deployment, high time requirements for training the classifier, increased false alarms, and computational burden. Therefore, the proposed work intends to develop a new intrusion detection methodology for spotting several attacks on IoT systems.

The main contributions of this article are as follows: To extract the features that are highly correlated to IoT intrusions, a Covariance Linear Learning Embedding Selection (CL2ES) methodology is implemented. To accurately predict the attacks based on the probability distribution value, the Kernel Distributed Bayes Classifier (KDBC) is developed. To optimize the weight value for improving the learning of the classifier, a novel Mongolian Gazellas Optimization (MGO) algorithm is utilized. Several IoT cyber-attack datasets have been used to evaluate the proposed CL2ES-KDBC framework’s security performance.

2  Related Works

A systematic and comprehensive review is presented in this section to investigate several machine learning and deep learning methods used in IoT security. In [20], the authors implemented an SVM-based classification algorithm for the identification of two different attacks, such as cloning and jamming, in IoT networks. Because of their restricted features and capabilities, IoT devices are vulnerable to several security threats and intimidation. Wireless communications between the energy nodes typically occur sporadically. For instance, a node repetition assault may result from the seizure of IoT devices. In [21], a novel countermeasure model designed to detect reactive jamming attacks in IoT networks is introduced. The utilization of security attack modeling provides a means to determine effective mitigation strategies and gain insight into the actual workings of jamming attacks within IoT networks. In traditional work, various defense strategies and countermeasures are developed for addressing jamming attacks in the network, which is a kind of DoS attack that aims to disrupt normal communication among the IoT sensors or nodes. In the suggested work, a new consistency algorithm has been developed for resolving the issues of jamming in IoT networks. However, the major problems with this technique are reduced network throughput and increased time for attack detection. In [22], a deep auto-encoder-based security model for IoT networks is deployed. In [23], a fuzzy logic-based machine learning algorithm for protecting wireless networks against jamming attacks is carried out. Vu et al. [24] employed a deep transfer learning mechanism for detecting cyber threats from IoT systems. The suggested model is developed by incorporating two auto-encoders, which predict intrusions by training data with a reduced loss function. However, the suggested framework limits the key issues of increased computational burden, high time complexity, and false alarms. In [25], a hybrid intrusion detection framework is developed for IoT security. This hybridized system comprises the sub-modules of placement strategy, detection strategy, and validation strategy. Khan and colleagues in their research [26] conducted an extensive analysis of various attack types in IoT networks, with a primary focus on identifying botnet attacks using advanced detection methods. Most IoT botnet detection approaches predominantly rely on behavioral strategies, primarily leveraging machine learning techniques, and occasionally incorporating deep learning methods. Otoum et al. [27] presented a comprehensive survey that delves into the various learning-based algorithms employed in detecting cyber-attacks within IoT networks. Here, several datasets used to protect IoT systems are discussed, which comprise the following: First cyber-attacks dataset: DS2OS; Second cyber-attacks dataset: NN-BaIoT; Third cyber-attacks dataset: Kyoto 2006+; Fourth cyber-attacks dataset: NSL-KDD; Fifth cyber-attacks dataset: ISOT; Six cyber-attacks dataset: IoTID20

Samy et al. [28] conducted a detailed survey to analyze several deep-learning techniques for detecting cyber-attacks for fog-IoT systems. Here, the performance of the methodologies is assessed according to the detection accuracy and type of strategy used for intrusion identification. Bhayo et al. [29] used a machine learning technique to detect distributed denial of service (DDOS) of service attacks. Zagrouba et al. [30] proposed a machine learning-based attack detection algorithm for detecting some of the most common IoT attacks for DDOS attacks. In [3133], straightforward machine learning-based attack detection for IoT networks is carried out.

Thus, the existing literature currently lacks the amalgamation of feature engineering, kernel classification, and population-based optimization for weight value for intrusion detection in IoT. This paper aims to address this gap by developing a kernel-distributed Bayes classifier with a novel covariance-embedded selection method and Mongolian Gazellas optimization.

3  Proposed Methodology

The complete explanation for the proposed attack detection methodology is presented in this section. The main objective of this paper is to construct a novel framework with advanced mechanisms for guaranteeing the security of IoT systems. The workflow of the proposed security system is shown in Fig. 1, which comprises the following stages: CL2ES, KDBC, and MGO.

images

Figure 1: Workflow model of the proposed framework

As shown in the workflow model, the intrusion detection IoT datasets are taken as the input for system modeling, where feature extraction is carried out first with the use of CL2ES. This technique is mainly used to extract features that are highly correlated to IoT intrusions or attacks. According to the features, the classifier can predict the type of intrusion with the appropriate class. Here, the novel KDBC mechanism is used to categorize the class of attack based on the probability distribution value. To optimize the weight value of this classifier, the MGO algorithm is deployed, which simplifies classification. The primary advantages of using this proposed CL2ES-KDBC-based security framework are as follows: it is simple to deploy, highly capable of handling very large intrusion datasets, has a low processing time, and is easy to comprehend.

3.1 Covariance Linear Learning Embedding Selection (CL2ES)

CL2ES model is implemented to extract certain features that are more correlated to the IoT intrusions. Typically, feature extraction is one of the most important operating stages of any intrusion detection system since the training process of the classifier completely depends on the features of the dataset. Thus, the proposed work intends to use a new learning-based feature extraction model for developing a security framework. It is a kind of linear algorithm that represents each data point according to the weight coefficient value. According to the geometric relations, linear mapping is performed in this model, where the high-dimensional space is transformed into a low-dimensional space with the operations of scaling and translation. Based on this process, it effectively preserves the geometric relationship between the data points. Let, ZBn is a low dimensional vector encased in the high dimensional space Bn, where nN; n indicates the number of data points in the high dimensional space v, as represented below:

v={vjj=1,...,n,vjBn}(1)

At the beginning, the nearest c points are filtered Kj={vj1,vj2,vj3,...,vjc} using the KNN criterion for each D-dimensional data point vj, and the neighborhood graph G˘ is constructed based on the Euclidean distance. A weighted linear representation of each data point’s neighborhood points can be used to portray it, and the reconstruction error can be minimized by lowering the following objective functions:

min(δ(w))=min(j=1gvjf=1cwjf*vf2)

s.t.{wjf=0,vjfPNfwjf=1,vjfPN(2)

where, wjf is the weight value of the reconstructed contribution, j, and f are the sample points, PN denotes the number of neighborhood points in c. The value of wjf is set to 1, if the sample f is the neighborhood of the point j; otherwise, it is set as 0. Then, the parameter zj is used to construct the d-dimensional embedded space according to the cost function as computed below:

δ()=minj|zjjwjfzj|2(3)

Based on this model, the optimal weight value wjf is computed that helps to reduce the cost function, and also the optimized low dimensional coordinate zj is obtained as given in Eq. (4).

={zj|j=1,,g,zjBn}(4)

Moreover, the covariance matrix ∑ is estimated that helps to define the relationship between the center point vj of the neighborhood and the rest of the sample points vj (j=1,2,3,...,d1). The matrix is constructed by using the following equation:

=1d1t=1d(vftvf¯)(vftvf¯)T(5)

Consequently, the Mahalanobis Distance (MD) is estimated by using the covariance matrix and center point as shown in Eq. (6).

vj(j=1,2,3,...,d1)(6)

ɱd(vj,vf)=(vftvf¯)T(vftvf¯)(7)

Then, a descending order of ɱd(vj,vf) is obtained by choosing the nearest points vf, and it can be set as the neighborhood A. Moreover, the features are extracted by updating the center point set as shown in Eq. (8).

A=A{vf}.(8)

This set of features A can be further used by the classifier for training and testing processes.

3.2 Kernel Distributed Bayes Classifier (KDBC)

After feature extraction, the novel KDBC classification technique is applied to categorize the type of intrusion in the dataset. Here, the classifier’s training and testing operations are performed using features extracted from the previous stage. In the existing work, several machine learning and deep learning classification approaches are used for attack identification and categorization. Most of the models have the key problems of high error rates, mis-prediction outcomes, high processing times, and a lack of reliability. Thus, the proposed work intends to use a new kernel classification model to ensure the security of IoT networks. One of the most popular classifiers used for analytical data mining is the Bayesian network. The directed acyclic graph that serves as the foundation for the Bayesian network has nodes that represent attributes and arcs that indicate attribute relationships. The attribute dependencies are quantified in this manner by the conditional probabilities for each node based on the attributes of its parents. In this study, the kernel classifier model is used to resolve the intrusion detection issue due to its successful utilization in past research in other fields. The weight assigned to each characteristic in the attribute weighting approach is based on how much it contributes to the categorization. If the dataset’s underlying distribution is understood, the data expansion strategy can address the high variance issue in learning caused by a lack of training data by adding more examples with the same pattern. To represent a hidden parent for each characteristic, which includes influences from all other attributes, the KDBC model creates a second layer. Algorithm 1 presents the pseudo code of KDBC. In this algorithm, the training set, testing set, and class label are obtained as the inputs for classification, and the predicted attack label is produced as the output.

images

At first, the training features Trs are determined as the nodes of the classifier as represented in Eq. (9).

Trs={Tr1,Tr2,...,Trj,...,Trd}(9)

Then, the sample values (α1,α2,...,αj,...,αn) of instances IE are considered as the nodes in the network. After that, the network construction is performed as represented in the following model:

Lcls(IE)=argmaxγLclsQ(Lcls)Q(α1,α2,...,αn|Lcls)(10)

Here, the attributes are naively assumed as independent, and the given class is represented as shown in Eq. (11).

Q(IE|Lcls)=Q(α1,α2,...,αn|Lcls)=j=1dQ(αj|Lcls)(11)

Typically, this type of classifier is simple to construct, due to the computational simplicity of reaching Q(Lcls) and Q(αj|Lcls).

Lcls(IE)=argmaxγLclsQ(Lcls)j=1dQ(αj|Lcls)(12)

This model is built based on the conditional mutual information, which describes the interaction among the Bayesian nodes as represented below:

MI(Trs,Lcls|Tes)=Trj,αj,Ljϑ(Trj,αj,Lj)log(ϑ(Trj,Lj|αj)ϑ(Trj|αj)ϑ(Lj|αj))(13)

where, Trj,αjandLj are the values of samples. Then, the value of MI(Trs,Lcls|Tes) indicates the weight of the arc’s link to attribute nodes Trk and Trj on the Bayesian network and is calculated for each attribute pair. Moreover, each attribute in the hidden pattern αjhp is estimated concerning the weighted influences of all the attributes as shown in below:

Apr(αj,αjhp|Lj)=j=1dWfj*MI(αj,αk|Lj)(14)

Wfjk=ρjk * ϑ(αj,αjhp|Lj)j=1dϑ(αj,αjhp|Lj)(15)

where, j=1,2,...,d, and ρjk indicates the parameter estimated by using the MGO.

3.3 Mongolian Gazellias Optimization (MGO)

In the proposed framework, the purpose of using the MGO algorithm is to compute the weight value for improving the process of classification. It is one of the newly developed meta-heuristic optimization algorithms that inspired the behavior of gazelles. Specifically, it is a kind of population-based optimization model that is more suitable for solving complex optimization problems. The gazelle is aware that it will become food for the day if it cannot outrun and outpace its predators. Algorithm 2 presents the pseudo code of MGO. This algorithm begins with the process of population initialization, which is stochastically performed according to the upper boup and lower bounds bolow as represented in Eq. (16).

P=(P1,1P1,2P1,h1P1,hP2,1P2,2P2,h1P2,hPg,1Pg,2Pg,h1Pg,h)(16)

where, P indicates the set of current candidate populations generated randomly, Pm,n is the position of the nth dimension of the mth population and g denotes the total number of the population. Then, the sample of the population is defined based on Eq. (17).

Pm,n=rand*(bonupbonlow)+bonlow(17)

A stochastic process in which the normal probability distribution function with zero mean ω¯=0 and unit variance (ϕ2=1) is used to determine the step length. At this point p, the standard Brownian motion is determined based on Eq. (18).

ɳ(p,ω¯,ϕ)=12πϕ2exp[(pω¯)22ϕ2]=12πexp(p22)(18)

Based on the Levy distribution, the random walk is performed by the Levy flight as shown in Eq. (19).

VL(pn)|pn|1φ(19)

where, pn represents the flight length and 1<φ2 is the power-law exponent. Then, the Lévy stable process as an integral step is represented below:

FVL(p,ω¯,ϕ)=1π0exp(szφ)cos(z * p)(20)

where, φ is the distribution index that controls the scale properties of the motion within the range of 0.3–1.99, and z represents the scale unit. Moreover, the Levy motion is updated based on the following model, which is considered the optimal value:

ρω¯,ϕ=0.05 * u|q|1φ(21)

ϕu=[Γ´(1+φ)sin(πφ2)Γ´(1+φ2)φ2 *(1φ2)]1φ(22)

where, u=𝒩(0,ϕu2), q=𝒩(0,ϕq2), ϕq=1 and φ=0.5. The obtained optimal value can be used to compute the weight value of the classifier.

images

4  Experimental Results

By using a variety of performance indicators, the outcomes of the current and proposed security frameworks are verified and compared. Additionally, this investigation uses a variety of recent and well-known IoT intrusion datasets for validation [32,33]. It includes the datasets of KDD Cup’99, UNSW-NB 15, NSL-KDD, IoTID20, and CICIDS 2017. The main contribution of this security framework is to spot the most harmful intrusions against the IoT networks, which include the following: jamming, flooding, black holes, Sybil, selective forwarding, vulnerability, and packet flooding. The results of confusion matrix and ROC analysis is depicted in Figs. 2 and 3, respectively, where the different types of attacks are considered. Typically, the attack detection performance and effectiveness of the classification method are determined based on the detection accuracy. To estimate the level of accuracy, the confusion matrix could be more useful, where the actual classes are categorized by the classifiers. Based on the generated matrix, it is evident that the proposed CL2ES-KDBC accurately predicts the true classes of attacks. Moreover, the receiver operating characteristics (ROC) are analyzed for the proposed model concerning the True Positive Rate (TPR) and False Positive Rate (FPR), as shown in Fig. 2. The results indicate that the TPR of the proposed classifier is highly increased for all seven different types of attacks.

images

Figure 2: Confusion matrix

images

Figure 3: ROC analysis

4.1 Performance Measures

The results of the proposed security model are validated by using the following parameters: accuracy, precision, recall, and F1-score. Fig. 4 compares the current and proposed CL2ES-KDBC security frameworks based on accuracy and precision. Typically, accuracy is one of the most essential parameters of the prediction system, since it determines the efficacy of the entire classification system. Similarly, the accuracy, precision, and F1-score are also widely used in many intrusion detection frameworks for validating the attack detection efficacy of the classification approaches. Fig. 5 compares the current and proposed CL2ES-KDBC security frameworks based on the parameters of detection rate, precision, recall, and F1-score. The accuracy, precision, and F1-score are also widely used in many intrusion detection frameworks for validating the attack detection efficacy of the classification approaches.

images

Figure 4: Accuracy and precision

images

Figure 5: False alarm rate

4.2 Results Analysis

The proposed CL2ES-KDBC approach has been evaluated on different datasets for the detection of cyber-security attacks on IoT environments. As shown in Fig. 5, the accuracy and precision rate of the existing and proposed security approaches are validated and compared. Most of the literature deals with the key problem of an increased false alarm rate while detecting intrusions from the network. A good intrusion detection framework should effectively reduce the number of false alarms to ensure reliable attack detection. Here, the false alarm rates of the existing and proposed attack detection models are validated and compared, as shown in Fig. 5. Overall, the obtained results indicate that the proposed CL2ES-KDBC outperforms the other existing models with an increased accuracy, precision, and reduced false alarms.

Fig. 5 compares the existing machine learning, deep learning, and proposed CL2ES-KDBC security models in terms of accuracy, precision, recall, and F1-score. Additionally, this research shows that, when compared to the other models, the CL2ES-KDBC approach yields better outcomes. Consequently, the accuracy of several existing and proposed classification approaches is validated and contrasted with the use of the NSL-KDD and IoTID20 datasets.

As shown in Fig. 6, the training and testing performance of the proposed classification approach is validated by using the UNSW-NB 15 dataset based on the parameters of accuracy, precision, recall, and F1-score. Similar to that, the misclassification error is also validated for both classical and proposed models. To prove the superiority of the proposed CL2ES-KDBC approach, the accuracy is validated and compared by using different IoT intrusion datasets. Furthermore, the detection accuracy for the classical machine learning and proposed security models is compared using the NSL-KDD dataset. By using the CL2ES-based feature selection model, the attack detection process of the KDBC is highly improved in the proposed framework. It also helps to reduce the misclassification rate by accurately spotting attacks in IoT systems. Hence, the overall accuracy of the CL2ES-KDBC is highly maximized when contrasted with the other classification models.

images

Figure 6: Misclassification error rate

4.3 Computational Analysis

Analyzing the computational complexity of the proposed CL2ES-KDBC algorithm using Big O notation provides insights into how its performance scales with dataset size and complexity. Feature Extraction (CL2ES): Computational Complexity: O(N × M^2), where N is the number of data points (samples), and M is the number of features. CL2ES algorithm involves pairwise feature comparisons, resulting in quadratic time complexity. It iterates through all data points, comparing features for feature selection.

Classification (KDBC): Computational Complexity: O(N × M × C), where N is the number of data points, M is the number of features, and C is the number of classes (intrusion types). The KDBC classifier processes each data point by calculating probabilities for each class. This involves multiplying feature values with weights and calculating class probabilities.

Optimization (MGO): The computational complexity of MGO depends on the specific optimization method applied. It can vary widely based on the algorithm’s complexity and convergence behavior.

Overall Complexity (CL2ES-KDBC): The overall computational complexity of the CL2ES-KDBC system is dominated by the most computationally intensive component, which is often the CL2ES feature extraction step. Complexity for the entire system can be approximated as O(N × M^2) since feature extraction is typically the most time-consuming part.

Hypothetical computational times for the proposed CL2ES-KDBC algorithm when applied to various IoT intrusion datasets are found. These times are provided in seconds and are for illustrative purposes, not based on actual measurements. In this hypothetical scenario, processing the KDD Cup’99 dataset would take an estimated time of 250 s, while the UNSW-NB 15 dataset would require around 420 s. The NSL-KDD dataset is processed in approximately 280 s, and the IoTID20 dataset takes roughly 440 s. For the CICIDS 2017 dataset, which may be more complex, the algorithm hypothetically requires approximately 470 s to complete its intrusion detection task.

4.4 Comparison with State-of-the Machine-Learning Algorithms

Comparison of the CL2ES-KDBC algorithm with various machine learning and deep learning algorithms, including SVM, ANN, and several deep learning techniques such as deep belief networks, AE (Autoencoders), DNN (Deep Neural Networks), LSTM (Long Short-Term Memory), CNN (Convolutional Neural Network), and RNN (Recurrent Neural Network), in terms of key characteristics are described in Table 1. Table 1 shows that CL2ES-KDBC offers a balance between interpretability and performance, while deep learning models are powerful for complex data patterns but may require additional resources.

images

5  Discussions

This section introduces the proposed intrusion detection framework, emphasizing its novel features. The framework comprises three key stages: feature extraction using the CL2ES methodology, attack prediction through the KDBC, and weight optimization using the MGO algorithm. The CL2ES model is discussed as the first step in feature extraction. This linear algorithm is chosen for its ability to represent data points based on weight coefficients, focusing on features highly correlated with IoT intrusions. The quality of features extracted at this stage is crucial for subsequent classification. The discussion then moves to the second stage, where KDBC is used for attack prediction. This classifier categorizes intrusion types based on probability distribution values and leverages a second layer to address attribute dependencies. The importance of classifying attacks accurately is highlighted. The third stage, weight optimization using the MGO algorithm, is explained. MGO is described as a newly developed metaheuristic optimization algorithm inspired by gazelles’ behavior. It was chosen to improve classifier learning by optimizing weight values and simplifying classification operations. The framework’s ability to reduce false alarms is discussed as a critical aspect of intrusion detection. It is highlighted that the proposed CL2ES-KDBC outperforms existing models in terms of reduced false alarms. The discussion includes a comparative analysis of the proposed framework against classical machine learning and deep learning models. Metrics such as accuracy, precision, recall, and F1-score are used to demonstrate the superiority of the CL2ES-KDBC approach. The robustness and generalization of the proposed approach are evaluated using various IoT intrusion datasets. It is emphasized that the framework consistently achieves high accuracy across different datasets, highlighting its reliability.

5.1 Applications of CL2ES-KDBC Approach Related to IoT-Intrusion Datasets

The proposed CL2ES-KDBC approach has versatile applications across different IoT intrusion datasets. It consistently aims to improve intrusion detection accuracy, reduce false alarms, and enhance overall security in IoT systems, making it a valuable tool for safeguarding IoT networks from a variety of cyber threats as described in Table 2.

images

5.2 Advantages of CL2ES-KDBC Approach

The results of the CL2ES-KDBC approach in the context of IoT intrusion detection are highlighted as follows:

1.    The CL2ES-KDBC approach demonstrates high accuracy in detecting and categorizing various types of intrusions within IoT networks. It effectively distinguishes between different attack classes, including jamming, flooding, black hole, Sybil, selective forwarding, vulnerability, and packet flooding.

2.    One of the significant achievements of the CL2ES-KDBC approach is its ability to significantly reduce false alarms. This means that the intrusion detection system based on this approach is less likely to generate false positive alerts, leading to improved reliability and decreased unnecessary alerts for network administrators.

3.    The precision and recall metrics are substantially improved compared to existing intrusion detection models. This signifies that the CL2ES-KDBC approach not only identifies intrusions accurately (high precision) but also effectively captures instances of true intrusions (high recall).

4.    The use of the MGO algorithm in the framework leads to optimized weight values. This optimization enhances the learning process of the classifier, contributing to the system’s overall performance.

5.    The CL2ES-KDBC approach exhibits robustness and generalization across various IoT intrusion datasets, including KDD Cup’99, UNSW-NB 15, NSL-KDD, IoTID20, and CICIDS 2017. This robustness ensures that the approach maintains high accuracy and reliability in different attack scenarios.

6.    Comparative analyses against classical machine learning and deep learning models consistently demonstrate the superiority of the CL2ES-KDBC approach. It outperforms existing models in terms of accuracy, precision, recall, and F1-score.

7.    The reduction in false alarms and false positives contributes to a more efficient intrusion detection system. Network administrators can trust the alerts generated by the CL2ES-KDBC approach, focusing their attention on genuine threats.

8.    Overall, the CL2ES-KDBC approach provides an improved security framework for IoT networks. It excels in detecting a wide range of attacks, optimizing classification processes, and ensuring the reliability of intrusion detection systems in IoT applications.

In summary, the CL2ES-KDBC approach achieves outstanding results in IoT intrusion detection by combining feature extraction, probabilistic classification, and optimization techniques. Its ability to reduce false alarms, enhance accuracy, and adapt to various IoT intrusion datasets makes it a valuable tool for strengthening the security of IoT networks against cyber threats.

6  Conclusion

The IoT, a promising technology, has been developed for various uses, from modest smart home systems to massive networks. However, this sizable network is vulnerable to several issues, jeopardizing its dependability. This study focuses on creating a portable security framework for IoT intrusion detection. This paper mainly aims to accurately identify the seven different types of intrusions in IoT systems by utilizing the CL2ES-KDBC methodology. Besides, popular IoT intrusion datasets are used in this work to prove the superiority of the proposed model. Here, the employed CL2ES methodology helped extract the features highly associated with IoT incursions. Then, the research created the KDBC for precise attack detection based on the probability distribution value. Moreover, a unique MGO algorithm is used to optimize the weight value for the improvement of the learning process of the classifier. To validate the results of the framework, the paper has analyzed several performance indicators. It includes the measures of accuracy, detection rate, misclassification rate, precision, recall, etc. Finally, the results indicate that the combination of CL2ES-KDBC outperforms the other classification approaches with improved performance values. Due to the inclusion of proper feature extraction and intrusion classification, the proposed CL2ES-KDBC performs more effectively. In the future, this framework will be implemented for smart city networks.

Acknowledgement: Not applicable.

Funding Statement: The authors received no specific funding for this study.

Author Contributions: The authors confirm contribution to the paper as follows: study conception and design: Talal Albalawi, P. Ganeshkumar; data collection: Talal Albalawi, P. Ganeshkumar; analysis and interpretation of results: Talal Albalawi; draft manuscript preparation: P. Ganeshkumar. All authors reviewed the results and approved the final version of the manuscript.

Availability of Data and Materials: Data available on request from the authors. The data that support the findings of this study are available from the corresponding author, P. Ganeshkumar, upon reasonable request.

Conflicts of Interest: The authors declare that they have no conflicts of interest to report regarding the present study.

References

1. A. Alosaimi and M. Almutairi, “An intrusion detection system using BoT-IoT,” Appl. Sci., vol. 13, no. 9, pp. 5427–5440, 2023. doi: 10.3390/app13095427. [Google Scholar] [CrossRef]

2. A. Awajan, “A novel deep learning-based intrusion detection dystem for IoT networks,” Comput., vol. 12, no. 2, pp. 34–45, 2023. doi: 10.3390/computers12020034. [Google Scholar] [CrossRef]

3. J. Bhayo, R. Jafaq, A. Ahmed, S. Hameed, and S. A. Shah, “A time-efficient approach toward DDoS attack detection in IoT network using SDN,” IEEE Internet Things J., vol. 9, no. 5, pp. 3612–3630, 2021. doi: 10.1109/JIOT.2021.3098029. [Google Scholar] [CrossRef]

4. I. Ullah and Q. Mahmoud, “Design and development of a deep learning-based model for anomaly detection in IoT networks,” IEEE Access, vol. 9, pp. 103906–103926, 2021. doi: 10.1109/ACCESS.2021.3094024. [Google Scholar] [CrossRef]

5. O. A. Alkhudaydi, M. Krichen, and A. D. Alghamdi, “A deep learning methodology for predicting cybersecurity attacks on the Internet of Things,” Information, vol. 14, no. 10, pp. 550–569, 2023. doi: 10.3390/info14100550. [Google Scholar] [CrossRef]

6. Y. S. Almutairi, B. Alhazmi, and A. A. Munshi, “Network intrusion detection using machine learning techniques,” J. Adv. Sci. Tecnol. Res., vol. 16, no. 3, pp. 193–206, 2022. doi: 10.12913/22998624/149934. [Google Scholar] [CrossRef]

7. I. Ullah and Q. H. Mahmoud, “Design and development of RNN anomaly detection model for IoT networks,” IEEE Access, vol. 10, pp. 62722–62750, 2022. [Google Scholar]

8. I. Laassar and M. Y. Hadi, “Intrusion detection systems for Internet of Thing based big data: A review,” Int. J. Reconfigurable Embed. Syst., vol. 12, no. 1, pp. 87–96, 2023. doi: 10.11591/ijres.v12.i1. [Google Scholar] [CrossRef]

9. H. C. Altunay and Z. A. Albayrak, “Hybrid CNN+LSTM based intrusion detection system for industrial IoT networks,” Int. J. Eng. Sci. Technol., vol. 38, pp. 101322, 2023. doi: 10.1016/j.jestch.2022.101322. [Google Scholar] [CrossRef]

10. J. Lansky et al., “Deep learning-based intrusion detection systems: A systematic review,” IEEE Access, vol. 9, pp. 101574–101599, 2021. doi: 10.1109/ACCESS.2021.3097247. [Google Scholar] [CrossRef]

11. B. K. Mohanta, D. Jena, U. Satapathy, and S. Patnaik, “Survey on IoT security: Challenges and solution using machine learning, artificial intelligence and blockchain technology,” Internet of Things, vol. 11, no. 8, pp. 100227, 2020. doi: 10.1016/j.iot.2020.100227. [Google Scholar] [CrossRef]

12. A. Verma and V. Ranga, “Machine learning based intrusion detection systems for IoT applications,” Kluw. Commun., vol. 111, no. 4, pp. 2287–2310, 2020. doi: 10.1007/s11277-019-06986-8. [Google Scholar] [CrossRef]

13. J. Jose and D. V. Jose, “Deep learning algorithms for intrusion detection systems in Internet of Things using CIC-IDS, 2017 dataset,” Int. J. Electr. Comput. Eng., vol. 13, no. 1, pp. 1134, 2023. doi: 10.11591/ijece.v13i1.pp1134-1141. [Google Scholar] [CrossRef]

14. A. Awajan, “A novel deep learning-based intrusion detection system for IoT networks,” Comput., vol. 12, no. 2, pp. 1–34, 2023. doi: 10.3390/computers12020034. [Google Scholar] [CrossRef]

15. I. A. Kandhro et al., “Detection of real-time malicious intrusions and attacks in IoT empowered cybersecurity infrastructures,” IEEE Access, vol. 11, pp. 9136–9148, 2023. doi: 10.1109/ACCESS.2023.3238664. [Google Scholar] [CrossRef]

16. B. Lal, S. Ravichandran, R. Kavin, N. A. Kumar, D. Bordoloi and R. G. Kumar, “IoT-based cyber security identification model through machine learning technique,” Meas.: Sens., vol. 27, pp. 100791, 2023. doi: 10.1016/j.measen.2023.100791. [Google Scholar] [CrossRef]

17. D. J. Atul, R. Kamalraj, G. Ramesh, K. S. Sankaran, S. Sharma and S. Khasim, “A machine learning based IoT for providing an intrusion detection system for security,” Microprocess. Microsyst., vol. 82, no. 4, pp. 103741–103754, 2021. doi: 10.1016/j.micpro.2020.103741. [Google Scholar] [CrossRef]

18. T. Saba, A. Rehman, T. Sadad, H. Kolivand, and S. A. Bahaj, “Anomaly-based intrusion detection system for IoT networks through deep learning model,” Comput. Electr. Eng., vol. 99, no. 5, pp. 107810, 2022. doi: 10.1016/j.compeleceng.2022.107810. [Google Scholar] [CrossRef]

19. O. A. Wahab, “Intrusion detection in the IoT under data and concept drifts: Online deep learning approach,” IEEE Internet Things J., vol. 9, no. 20, pp. 19706–19716, 2022. doi: 10.1109/JIOT.2022.3167005. [Google Scholar] [CrossRef]

20. P. Ganeshkumar and T. Albalawi, “A locality-sensitive hashing-based jamming detection system for IoT networks,” Comput. Mater. Contin., vol. 73, no. 3, pp. 5943–5959, 2022. doi: 10.32604/cmc.2022.030388. [Google Scholar] [PubMed] [CrossRef]

21. M. Bhavsar, K. Roy, J. Kelly, and O. Olusola, “Anomaly-based intrusion detection system for IoT application,” Discover Int. Things, vol. 3, no. 1, pp. 1–15, 2023. doi: 10.1007/s43926-023-00034-5. [Google Scholar] [CrossRef]

22. T. Saba, A. Rehman, T. Sadad, H. Kolivand, and S. A. Bahaj, “Anomaly-based intrusion detection system for IoT networks through deep learning model,” Comput. Electr. Eng., vol. 99, no. 5, pp. 107810–107823, 2022. doi: 10.1016/j.compeleceng.2022.107810. [Google Scholar] [CrossRef]

23. P. Ganeshkumar, K. P. Vijayakumar, and M. Anandaraj, “A novel jammer detection framework for cluster-based wireless sensor networks,” EURASIP J. Wirel. Commun. Netw., vol. 2016, no. 1, pp. 1–25, 2016. doi: 10.1186/s13638-016-0528-1. [Google Scholar] [CrossRef]

24. L. Vu, Q. U. Nguyen, D. N. Nguyen, D. T. Hoang, and E. Dutkiewicz, “Deep transfer learning for IoT attack detection,” IEEE Access, vol. 8, pp. 107335–107344, 2020. doi: 10.1109/ACCESS.2020.3000476. [Google Scholar] [CrossRef]

25. S. Smys, A. Basar, and H. Wang, “Hybrid intrusion detection system for Internet of Things (IoT),” J. ISMAC, vol. 2, no. 4, pp. 190–199, 2020. doi: 10.36548/jismac.2020.4.002. [Google Scholar] [CrossRef]

26. M. A. Khan, A. Rehman, K. M. Khan, M. A. Alghamdi, and H. S. Almotiri, “Enhance intrusion detection in computer networks based on deep extreme learning machine,” Comput. Mater. Contin., vol. 66, no. 1, pp. 467–480, 2021. doi: 10.32604/cmc.2020.013121. [Google Scholar] [PubMed] [CrossRef]

27. Y. Otoum, D. Liu, and A. Nayak, “DL-IDS: A deep learning-based intrusion detection framework for securing IoT,” Trans. Emerg. Telecommun. Technol., vol. 33, no. 3, pp. 3803–3823, 2022. doi: 10.1002/ett.3803. [Google Scholar] [CrossRef]

28. A. Samy, H. Yu, and H. Zhang, “Fog-based attack detection framework for Internet of Things using deep learning,” IEEE Access, vol. 8, no. 1, pp. 74571–74585, 2020. [Google Scholar]

29. J. Bhayo, S. A. Shah, S. Hameed, A. Ahmed, J. Nasir and D. Draheim, “Towards a machine learning-based framework for DDOS attack detection in software-defined IoT (SD-IoT) networks,” Eng. Appl. Artif. Intel., vol. 123, pp. 106432–106447, 2023. doi: 10.1016/j.engappai.2023.106432. [Google Scholar] [CrossRef]

30. R. Zagrouba and R. Alhajri, “Machine learning based attacks detection and countermeasures in IoT,” Int. J. Commun. Netw. Inf. Secur., vol. 13, no. 1, pp. 158–167, 2020. doi: 10.17762/ijcnis.v13i2.4943. [Google Scholar] [CrossRef]

31. B. M. Pampapathi, M. Nageswaraguptha, and M. S. Hema, “Towards an effective deep learning-based intrusion detection system in the Internet of Things,” Telemat. Inform. Rep., vol. 7, no. 1, pp. 100009–100029, 2022. doi: 10.1016/j.teler.2022.100009. [Google Scholar] [CrossRef]

32. O. Jullian, B. Otero, E. Rodriguez, N. Gutierrez, and H. Antona, “Deep-learning based detection for cyber-attacks in IoT networks: A distributed attack detection framework,” J. Netw. Syst. Manag., vol. 31, no. 2, pp. 1–33, 2023. doi: 10.1007/s10922-023-09722-7. [Google Scholar] [CrossRef]

33. Y. Zhou, G. Cheng, S. Jiang, and M. Dai, “Building an efficient intrusion detection system based on feature selection and ensemble classifier,” Comput. Netw., vol. 174, no. 8, pp. 107247–107262, 2020. doi: 10.1016/j.comnet.2020.107247. [Google Scholar] [CrossRef]


Cite This Article

APA Style
Albalawi, T., Ganeshkumar, P. (2024). CL2ES-KDBC: A novel covariance embedded selection based on kernel distributed bayes classifier for detection of cyber-attacks in iot systems. Computers, Materials & Continua, 78(3), 3511-3528. https://doi.org/10.32604/cmc.2024.046396
Vancouver Style
Albalawi T, Ganeshkumar P. CL2ES-KDBC: A novel covariance embedded selection based on kernel distributed bayes classifier for detection of cyber-attacks in iot systems. Comput Mater Contin. 2024;78(3):3511-3528 https://doi.org/10.32604/cmc.2024.046396
IEEE Style
T. Albalawi and P. Ganeshkumar, "CL2ES-KDBC: A Novel Covariance Embedded Selection Based on Kernel Distributed Bayes Classifier for Detection of Cyber-Attacks in IoT Systems," Comput. Mater. Contin., vol. 78, no. 3, pp. 3511-3528. 2024. https://doi.org/10.32604/cmc.2024.046396


cc This work is licensed under a Creative Commons Attribution 4.0 International License , which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.
  • 308

    View

  • 120

    Download

  • 0

    Like

Share Link