iconOpen Access

ARTICLE

crossmark

Modified Buffalo Optimization with Big Data Analytics Assisted Intrusion Detection Model

R. Sheeba1,*, R. Sharmila2, Ahmed Alkhayyat3, Rami Q. Malik4

1 Department of Computer Science and Engineering, K. Ramakrishnan College of Engineering, Tiruchirappalli, 621112, India
2 Department of Computer Applications, Dhanalakshmi Srinivasan Engineering College, Perambalur, 621212, India
3 College of Technical Engineering, The Islamic University, Najaf, Iraq
4 Medical Instrumentation Techniques Engineering Department, Al-Mustaqbal University College, Babylon, Iraq

* Corresponding Author: R. Sheeba. Email: email

Computer Systems Science and Engineering 2023, 46(2), 1415-1429. https://doi.org/10.32604/csse.2023.034321

Abstract

Lately, the Internet of Things (IoT) application requires millions of structured and unstructured data since it has numerous problems, such as data organization, production, and capturing. To address these shortcomings, big data analytics is the most superior technology that has to be adapted. Even though big data and IoT could make human life more convenient, those benefits come at the expense of security. To manage these kinds of threats, the intrusion detection system has been extensively applied to identify malicious network traffic, particularly once the preventive technique fails at the level of endpoint IoT devices. As cyberattacks targeting IoT have gradually become stealthy and more sophisticated, intrusion detection systems (IDS) must continually emerge to manage evolving security threats. This study devises Big Data Analytics with the Internet of Things Assisted Intrusion Detection using Modified Buffalo Optimization Algorithm with Deep Learning (IDMBOA-DL) algorithm. In the presented IDMBOA-DL model, the Hadoop MapReduce tool is exploited for managing big data. The MBOA algorithm is applied to derive an optimal subset of features from picking an optimum set of feature subsets. Finally, the sine cosine algorithm (SCA) with convolutional autoencoder (CAE) mechanism is utilized to recognize and classify the intrusions in the IoT network. A wide range of simulations was conducted to demonstrate the enhanced results of the IDMBOA-DL algorithm. The comparison outcomes emphasized the better performance of the IDMBOA-DL model over other approaches.

Keywords


1  Introduction

The growth of the Internet of Things (IoT) systems and technologies were rising at an unprecedented rate. The scale of the latest IoT technology goes far beyond the individual level, with IoT gadgets broadly spread across countries or entire cities [1]. With increasing transmission bandwidth and speed, IoT gadgets can collect, transmit, and process a huge volume of data. Such IoT mechanisms, linked with the gathered data, provided excessive chances to provide and design intellectual services in special applications, like smart cyber-physical systems (CPS), intelligent transportation, and automated surveillance [2]. But, the gathered IoT data also comprises delicate data and thus needs closer attention on reliable data security issues and privacy protection [3]. For dealing with increased security and privacy concerns, the latest IoT or distributed mechanism prevent and detect network intrusion intelligently. Several efforts were contributed to advance deep learning-based (DL) or machine learning (ML) methods for intrusion detection systems (IDS) to prevent any deviation or misappropriation in IoT and frameworks [4]. Even though IDS was well employed in identifying malicious network acts, one such main vulnerabilities of prevailing IDS were the lack of capability for detecting unknown kinds of network intrusion because of the restricted or imbalanced intrusion data at the time of model training processes [5]. Moreover, prevailing ML techniques are to manage multidomain ID that calls for the additional exploration of hybrid DL structures. Fig. 1 illustrates the overview of Big Data in the IoT Environment.

images

Figure 1: Big data in IoT environment

Because of its heterogeneous nature, the IoT system produces multimodal, temporal, and high-dimensional data [6]. Implementing big data analytics on these data was the potential for discovering hidden paradigms, disclosing hidden relations, and acquiring new insights. Artificial intelligence (AI) is utilized in big data analysis [7]. Specifically, DL methods have proven their success in handling heterogeneous data. It can examine complicated and large-scale datasets to get visions, spot dependencies within datasets, and study previous assault patterns to recognize new and unseen attack patterns [8]. Since IoT gadgets were resource-limited and had inadequate capabilities concerning storage and computation, heavyweight workloads such as big data analysis and constructing learning mechanisms have been offloaded to cloud servers and fog [9]. Therefore, computation offloading could help reduce the performance delay of task and stores energy utilization of battery-powered and mobile IoT gadgets; however, it also imposes certain security concern. Several DL methods were introduced for IDS, and few of them particularly concentrate on IoT [10]. Every method implements its own design choices that may limit its ability to attain better performance of efficiency and effectiveness.

Nie [11] introduce a DL-related intrusion detection (ID) method. Depends on the generative adversarial network (GAN) and formulated a robust ID technique. This ID technique has 3 stages. Firstly, the feature selection approaches were used for processing the collaborative edge network traffic. Secondly, a DL architecture related to GAN was devised for ID, focusing on a single attack. Lastly, a new ID method was proposed by merging numerous ID methods concentrating on a single attack. The presented GAN-related DL architecture can realize ID targeting for various attacks. In [12], to mitigate the inconsistency among feature retention and dimensionality reduction in imbalanced data, projected a variational long short-term memory (VLSTM) learning method for intellectual anomaly detection (AD) related to reconstructed feature depiction.

Basset et al. [13] modelled a forensics-related DL method for detecting intrusion in industrial IoT (IIoT) traffic. The method studies local representation utilizing a local gated recurrent unit (LocalGRU) and presents a multi-head attention (MHA) layer for capturing and learning global representations. A residual connection among layers can be formulated to prevent information loss. One more difficulty confronting the present IIoT forensics structures was their inadequate scalability, restricting performances in dealing with Big IIoT traffic datasets generated by IIoT gadgets. This difficulty can be sorted by training and deploying the suggested model in a fog computing ecosystem. Idrissi et al. [14] devise a new unsupervised anomaly detection (AD) based Host-IDS for IoT related to adversarial training structure utilizing the GAN. This presented IDS, termed “EdgeIDS”, aims most of the IoT gadgets due to limited functionality; IoT gadgets forwards and receive merely detailed data, not like conventional gadgets, like computers or servers, that exchange an extensive range of data.

In [15], a hierarchical intrusion security detection using a stacked Denoised AutoEncoder with Support vector machine (SDAE-SVM) can be built based on the 3-layer neural network (NN) of self-encoder. The sample dataset, after reducing dimensions, was acquired by layer-wise fine-tuning and pretraining. The conventional DL methods deep belief network (DBN) stacked noise autoencoder (SNAE), stacked sparse autoencoder (SSAE), stacked contractive autoencoder (SCAE), stacked autoencoder (SAE)], were presented for executing the comparative simulation with the method in this study. Nie et al. [16] formulated an identifier (ID) method that depends on deep reinforcement learning (DRL) that follows the trend of traffic flow through the extraction of statistical features of previous network traffic for traffic prediction. Afterwards, uses traffic predictors for employing ID.

Though several models are available in the literature, most of the existing works do not focus on feature selection and hyperparameter tuning process concurrently. The hyperparameter values play a vital role in affecting the performance of the DL models. Since trial-and-error hyperparameter tuning is tedious, metaheuristic algorithms can be employed for it. Therefore, this study devises Big Data Analytics with the Internet of Things Assisted Intrusion Detection using Modified Buffalo Optimization Algorithm with Deep Learning (IDMBOA-DL) model. In the presented IDMBOA-DL model, the Hadoop MapReduce tool is exploited for managing big data. The MBOA algorithm is applied to derive an optimal subset of features from picking an optimum set of feature subsets. Finally, the sine cosine algorithm (SCA) with convolutional autoencoder (CAE) model is utilized to recognize and classify the intrusions in the IoT network. A wide range of simulations was conducted to demonstrate the enhanced results of the IDMBOA-DL algorithm.

2  The Proposed Model

This study developed a new IDMBOA-DL approach for intrusion detection in the IoT-enabled big data environment. In the presented IDMBOA-DL model, the Hadoop MapReduce tool is exploited for managing big data. The MBOA algorithm is applied to derive an optimal subset of features from picking an optimum set of feature subsets. Finally, SCA with the CAE model is utilized to recognize and classify the intrusions in the IoT network. Fig. 2 illustrates the IDMBOA-DL approach.

images

Figure 2: Block diagram of IDMBOA-DL technique

2.1 Hadoop MapReduce

In the presented IDMBOA-DL model, the Hadoop MapReduce tool is exploited to manage big data. MapReduce is a publicly-available software platform for sequential data processing based on the Hadoop Distributed File System (HDFS) [17]. Generally, HDFS comprises a name node and several data nodes. It uses simple data models containing value and key pairs to maximise the parallelism of the data processing and the convenience of horizontal scaling. Also, the simple key-value data model is effective for the parallel data processing on the disk, as HDFS employs disk input-output (I/O)-based batch processing that is better suited for the considerable quantity of data processing than that of memory-based processing.

2.2 Design of MBOA-Based Feature Selection

The MBOA algorithm is applied to derive an optimal subset of features from picking an optimum set of feature subsets. A typical variant of the BOA technique is introduced [18]. The BOA algorithm encompasses the unique abilities of this animal for robust exploitation and exploration in the search space. It tries to resolve the premature convergence problem by ensuring that every individual buffalo is upgrading its position concerning prior experience. Another unique feature of BOA is its sufficient exploitation via reinitializing the whole herd once the leader (the best buffalo) is not improved with iteration.

The fundamental steps of the BOA technique are shown in the following.

1.    Initialize the objective function (x), xS , population size np , and algorithm parameter, namely lp1 & lp2 , and so on.

2.    Generate the potential population of buffalo randomly and initialize on a random node within the searching space.

PdisjLim(t)={0,    if SOCj(t)SOCmin or Igs(t)0ηPdis max , if SOCj(t)  Pdis max BjrSOC min  and Igs(t)jηBjr(SOCj(t)SOC min ),   if SOCj(t)  Pdis max BjrSOC min  and Igs(t)0 (1)

PcharjLim(t)={0, if SOCj(t)=SOCmaxPchar max /η, if SOCj(t)+Pchar max BjrSOC max  jBjr(SOCj(t)SOC min )/η, if SOCj(t)+Pdis max Bjr<SOC max  (2)

3.    Now upgrade the fitness value of i - th buffalo based on the following equation.

mi+1=mi+lp1(hbestwi)+lp2(hbest,iwi) (3)

where mi and wi represent the exploitation and exploration moves of i - th buffaloes (i=1, 2, 3,  ,  np) , correspondingly. lp1 and lp2 indicate the learning factor differs from 0.1 to 0.6. Moreover, hbest and sbest indicate the optimal fitness values of the herd and the best fitness of buffalo i, respectively.

4.   Upgrade the location of i - th buffalo and [hbest, sbest, i], 

wi+1=wi+mi±0.5 (4)

5.   Is hbest improving If yes, go to the next step, or else go to step 2.

6.   Repeat steps 3 to 5 until the ending condition is not accomplished, or else go to the next step.

7.   Print the optimum solution.

In this study, the MBOA is derived by using the concept of Levy flight. Levy’s walk depicts the diffusion pattern of organisms so that searching can be focused on the position of possible solutions. Levy flight foraging hypothesis evaluates the migration from lower-resource to higher-resource environments that consecutively leads to optimum search. Animals with higher memory ability used this algorithm for exploring the search space. The concept of optimum foraging is an extension of Levy’s flight foraging hypothesis that organisms give greater consideration to the optimum solution instead of aimless search within the searching space. Levy flight is a random walk that step length can be derived from the Levy distribution, frequently in terms of a simple power law equation as given below.

L(ζ)ζ1α where 0<α<2 is an index, and it is arithmetically given in the following

L(ζ,  ω,  ψ)={ω2πexp[ω2(ζψ)]1(ζψ)32,  0<ψ<ζ<0 otherwise (5)

Ψ>0 is a minimal step, and ω is a scale variable. Ideally, as ζ , then.

L(ζ,  ω,  ψ)ω2π1ζ3/2. (6)

The Mantegna algorithm is applied for the implementation of levy flight. Therefore, the step length ζ is evaluated as follows

ζ=|κ|1/α,   (7)

where and κ are derived from the standard distribution,

N(0, ρ2), κN(0, ρ2),   (8)

The fitness function (FF) employed in the presented technique was planned to contain a balance amongst the amount of chosen features from all the solutions (minimal) and the classifier accuracy (maximal) reached by utilizing these chosen features, Eq. (9) demonstrates the FF for estimating solutions.

Fitness=αγR(D)+β|R||C|  (9)

Whereas γR(D) indicates the classifier error rate of provided classifier. |R|  implies the cardinality of chosen subset, and |C| represents the total number of features from the dataset; α,  and β are 2 parameters equivalent to the significance of classifier quality and subset length.

2.3 CAE-Based Classification

To recognize intrusions, the CAE model is exploited in this work. Autoencoder (AE) comprises 2 parts: encoding and decoding [19]. The encoding converts the input x to hidden depiction y (feature code) utilizing a deterministic mapping function. Usually, it can be an affine mapping function after that nonlinearity:

y=f(Wx+b)  (10)

Whereas W refers to the weighted amongst input x and hidden depiction y and b is biased. The decoding executes the procedure of restructuring the outcome z by y, which is formulated as:

z=f(Wy+b)  (11)

W signifies the weighted amongst hidden representation y and outcome z, and b is bias. Compared with the input x, z is assumed as the reconstruction of x.

The principle of training an AE is for minimizing the recreation error that is recognized by minimizing the following cost function JAE :

JAE=1pi=1pL[xi,zi]  (12)

In which p implies the number of input images, xi indicates the ith input image, and zi signifies the reconstructed image equivalent to xi . L[xi,zi] stands for the reconstruction error of input images xi that is evaluated by mean square error (MSE) or cross-entropy (CE). During this case, the MSE among the input image xi(i=1, 2,  p) and the recreated patch of images zi(i=1 , 2, p) . Similarly, L[xi, zi] is formulated as:

LAE[xi, zi]=||xizi||2  (13)

Convolutional AE (CAE) integrates the local convolutional linked with the AE, an easy step that adds convolutional function to inputs. Individually, a CAE contains convolutional encoding as well as decoding. The convolutional encoding recognizes the procedure of convolution conversion in the input to the feature map, but convolutional decoding applies the convolution conversion in the feature maps for the outcome. The extracting features and the recreated output in CAE are computed with a convolutional neural network (CNN). Therefore, Eqs. (10) and (11) are rewritten as:

y=ReLU(ωx+b)  (14)

z=ReLU(ωy+b)  (15)

Whereas ω signifies the convolutional kernels among the input and code y, ω denotes the convolution kernels amongst the code y and the resultant. b and b’ are biases. In addition, the encoder and decoder functions are calculated utilizing unsupervised greedy training.

2.4 Parameter Tuning Using SCA

The SCA technique is utilized in the final stage to adjust the hyperparameters. The principle of SCA is easy and simple to implement [20]. It only implements the property of sine and cosine operations for achieving global search and local progress of searching space and continuously optimizing the solution set of main functions with iterative evolutions. Consider that N searches agents from the D dimension searching spaces, whereas the place of an ith searching agent is formulated as xi=(xi1,  xi2, , xiD), i{1, 2, ,  N} . The procedure for optimizing the main function with SCA is as follows.

Primarily, the places of N searching agents were arbitrarily initialized from the searching spaces. Secondarily, the individual fitness values were computed dependent upon the objective functions. At last, the present optimum individual places were chosen and stored. During all the iterations of this technique, the individual upgrades the place based on Eq. (16).

xidt+1={xidt+r1× sin r2×|r3Pdtxidt|, r4<0.5, xidt+r1× cos r2×|r3Pdtxidt|, r40.5,   (16)

Whereas t signifies the present iteration, xidt represents the place of the ith solution from the dth dimensional at the tth iteration, and Pdt stands for the place of global optimum solutions from the dth dimensional at the tth iteration. There are four important parameters in Eq. (16), whereas r1=2(1tT)(T signifies the maximal amount of iterations) is the sine-cosine amplitude adjustment feature, and r1 defines the direction of the next iteration of the ith individual; r2(0, 2π) , r3(0, 2) , and r4(0, 1) are arbitrary numbers, whereas r2 defines the distance to the next iteration of ith individual r3 indicates the weighted factor of global optimum individual and r4 denotes the discriminant co-efficient.

3  Results and Discussion

The proposed model is simulated using Python 3.6.5 tool. The proposed model experiments on PC i5-8600k, GeForce 1050Ti 4 GB, 16 GB RAM, 250 GB SSD, and 1 TB HDD. The experimental validation of the IDMBOA-DL method is tested using a dataset comprising 148517 samples under five classes, as shown in Table 1. Fig. 3 represents the confusion matrices formed by the IDMBOA-DL model on the applied data. The results denoted that the IDMBOA-DL model has effectually recognized all kinds of attacks or intrusions that exist in the IoT data.

images

images

Figure 3: Confusion matrices of IDMBOA-DL approach (a) Entire dataset, (b) 70% of TR data, and (c) 30% of TS data

Table 2 provides an extensive intrusion detection performance of the IDMBOA-DL model on distinct class labels. Fig. 4 reports a brief intrusion classification outcome of the IDMBOA-DL model with several class labels under the entire dataset. The figure shows that the IDMBOA-DL model has improved results under each class. For instance, in a normal class, the IDMBOA-DL model has offered an accuy of 99.22%, precn of 99.56%, recal of 98.94%, specy of 99.53%, and Fscore of 99.25%. Furthermore, in the denial of service (DOS) class, the IDMBOA-DL method has provided an accuy of 99.39%, precn of 99.20%, recal of 99.12%, specy of 99.55%, and Fscore of 99.16%. Meanwhile, For example, in Probe class, the IDMBOA-DL model has offered accuy of 99.49%, precn of 97.00%, recal of 97.74%, specy of 99.67%, and Fscore of 97.37%.

images

images

Figure 4: Result analysis of IDMBOA-DL methodology under the whole dataset

Fig. 5 reports a brief intrusion classification outcome of the IDMBOA-DL model with several class labels under 70% of training (TR) data. The figure indicates that the IDMBOA-DL approach has depicted better outcomes in every class. For example, in a normal class, the IDMBOA-DL technique has given accuy of 99.24%, precn of 99.57%, recal of 98.96%, specy of 99.54%, and Fscore of 99.26%. Furthermore, in DOS class, the IDMBOA-DL methodology has offered an accuy of 99.41%, precn of 99.20%, recal of 99.15%, specy of 99.55%, and Fscore of 99.17%. Meanwhile, in Probe class, the IDMBOA-DL method has provided accuy of 99.51%, precn of 97.11%, recal of 97.87%, specy of 99.69%, and Fscore of 97.49%.

images

Figure 5: Result analysis of IDMBOA-DL method under 70% of the TR dataset

Fig. 6 reports a brief intrusion classification outcomes of the IDMBOA-DL model with several class labels under 30% of testing (TS) data. The figure shows that the IDMBOA-DL method depicts better outcomes under every class. For example, in a normal class, the IDMBOA-DL technique has provided an accuy of 99.19%, precn of 99.55%, recal of 98.89%, specy of 99.52%, and Fscore of 99.22%. Furthermore, in the DOS class, the IDMBOA-DL approach has given accuy of 99.36%, precn of 99.20%, recal of 99.04%, specy of 99.55%, and Fscore of 99.12%. Meanwhile, in Probe class, the IDMBOA-DL method has offered an accuy of 99.43%, precn of 96.72%, recal of 97.44%, specy of 99.65%, and Fscore of 97.08%.

images

Figure 6: Result analysis of IDMBOA-DL methodology under 30% of the TS dataset

The training accuracy (TA) and validation accuracy (VA) achieved by the IDMBOA-DL approach on the testing dataset is established in Fig. 7. The experimental outcomes implied that the IDMBOA-DL algorithm had accomplished maximal values of TA and VA. In specific, the VA seemed to be greater than TA.

images

Figure 7: TA and VA analysis of IDMBOA-DL methodology

The training loss (TL) and validation loss (VL) obtained by the IDMBOA-DL method on the testing dataset are illustrated in Fig. 8. The experimental outcomes inferred that the IDMBOA-DL technique had achieved minimum values of TL and VL. Particularly, the VL is lesser than TL.

images

Figure 8: TL and VL analysis of IDMBOA-DL methodology

A clear precision-recall examination of the IDMBOA-DL approach to testing data is depicted in Fig. 9. The figure denoted that the IDMBOA-DL technique has improved precision-recall values under each class.

images

Figure 9: Precision-recall analysis of the IDMBOA-DL method

A brief receiver operating characteristic (ROC) analysis of the IDMBOA-DL approach to testing data is portrayed in Fig. 10. The results indicated the IDMBOA-DL technique had demonstrated its capability in classifying distinct classes on testing data.

images

Figure 10: ROC analysis of IDMBOA-DL methodology

A comparative IDS outcome of the IDMBOA-DL model with recent models is made in Table 3. Fig. 11 portrays a detailed precn and recal validation of the IDMBOA-DL model with existing models. The figure indicated that the IDMBOA-DL model has shown enhanced performance over other models such as DL-based IDS (DL-IDS), D-DL, Deep Feature Embedding Learning with SVM (DFEL SVM), convolutional neural network (CNN), long short-term memory (LSTM), and CNN-LSTM models.

images

images

Figure 11: Precn and recal analysis of IDMBOA-DL approach with existing methodologies

For instance, with respect to precn , the IDMBOA-DL model has attained a higher precn of 85.24%. In contrast, the DL-IDS, D-DL, Deep Feature Embedding Learning with SVM (DFEL SVM), convolutional neural network (CNN), long short-term memory (LSTM), and CNN-LSTM models have obtained reduced precn of 84.47%, 80.02%, 79.22%, 78.64%, 78.30%, and 83.50% respectively. Simultaneously, with respect to recal , the IDMBOA-DL method has accomplished high recal of 93.75%, while the DL-IDS, D-DL, DFEL SVM, CNN, LSTM, and CNN-LSTM techniques have achieved minimum precn of 88.46%, 86.13%, 89.13%, 89.20%, 90.98%, and 91.55% correspondingly.

Fig. 12 demonstrates a detailed accuy and Fscore validation of the IDMBOA-DL method with current models. The figure indicates that the IDMBOA-DL approach has improved performance over other techniques. For example, with respect to accuy , the IDMBOA-DL approach has accomplished a maximum accuy of 99.50% while the DL-IDS, D-DL, DFEL SVM, CNN, LSTM, and CNN-LSTM methodology have attained a minimum accuy of 98.93%, 98.28%, 98.64%, 98.67%, 97.90%, and 97.68% correspondingly. Simultaneously, with respect to Fscore , the IDMBOA-DL method has achieved a maximum Fscore of 99.66% while the DL-IDS, D-DL, DFEL SVM, CNN, LSTM, and CNN-LSTM techniques have achieved minimum Fscore of 98.56%, 92.16%, 99.04%, 98.71%, 98.92%, and 99.06% correspondingly.

images

Figure 12: Accuy and F1score analysis of IDMBOA-DL approach with existing methodologies

Therefore, the experimental results reported that the IDMBOA-DL model had accomplished maximum intrusion detection results in an IoT environment.

4  Conclusion

This study developed a new IDMBOA-DL approach for intrusion detection in the IoT-enabled big data environment. In the presented IDMBOA-DL technique, the Hadoop Mapreduce tool is exploited for managing big data. The MBOA algorithm is applied to derive an optimal subset of features from picking an optimum set of feature subsets. Finally, SCA with the CAE method is utilized to recognize and classify the intrusions in the IoT network. Wide-ranging simulations were conducted to demonstrate the enhanced outcomes of the IDMBOA-DL technique and assessed the outcomes under distinct aspects. The comparison outcomes emphasized the better performance of the IDMBOA-DL algorithm over other approaches. In the future, outlier detection approaches can be derived to enhance detection performance.

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

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

References

    1. G. Abdelmoumin, D. B. Rawat and A. Rahman, “On the performance of machine learning models for anomaly-based intelligent intrusion detection systems for the internet of things,” IEEE Internet of Things Journal, vol. 9, no. 6, pp. 4280–4290, 2022. [Google Scholar]

    2. S. Zhao, S. Li, L. Qi and L. D. Xu, “Computational intelligence enabled cybersecurity for the internet of things,” IEEE Transactions on Emerging Topics in Computational Intelligence, vol. 4, no. 5, pp. 666–674, 2020. [Google Scholar]

    3. A. K. Bediya and R. Kumar, “A novel intrusion detection system for internet of things network security,” Journal of Information Technology Research, vol. 14, no. 3, pp. 20–37, 2021. [Google Scholar]

    4. M. Zolanvari, M. A. Teixeira, L. Gupta, K. M. Khan and R. Jain, “Machine learning-based network vulnerability analysis of industrial internet of things,” IEEE Internet of Things Journal, vol. 6, no. 4, pp. 6822–6834, 2019. [Google Scholar]

    5. A. Khraisat and A. Alazab, “A critical review of intrusion detection systems in the internet of things: Techniques, deployment strategy, validation strategy, attacks, public datasets and challenges,” Cybersecurity, vol. 4, no. 1, pp. 18, 2021. [Google Scholar]

    6. G. Thamilarasu and S. Chawla, “Towards deep-learning-driven intrusion detection for the internet of things,” Sensors, vol. 19, no. 9, pp. 1977, 2019. [Google Scholar]

    7. A. Kumari, S. Tanwar, S. Tyagi and N. Kumar, “Verification and validation techniques for streaming big data analytics in internet of things environment,” IET Networks, vol. 8, no. 3, pp. 155–163, 2019. [Google Scholar]

    8. S. A. Rahman, H. Tout, C. Talhi and A. Mourad, “Internet of things intrusion detection: Centralized, on-device, or federated learning?” IEEE Network, vol. 34, no. 6, pp. 310–317, 2020. [Google Scholar]

    9. J. Asharf, N. Moustafa, H. Khurshid, E. Debie and W. Haider, “A review of intrusion detection systems using machine and deep learning in internet of things: Challenges, solutions and future directions,” Electronics, vol. 9, no. 7, pp. 1177, 2020. [Google Scholar]

  10. A. Alwarafy, K. A. Al-Thelaya, M. Abdallah, J. Schneider and M. Hamdi, “A survey on security and privacy issues in edge-computing-assisted internet of things,” IEEE Internet of Things Journal, vol. 8, pp. 4004–4022, 2021. [Google Scholar]

  11. L. Nie, “Intrusion detection for secure social internet of things based on collaborative edge computing: A generative adversarial network-based approach,” IEEE Transactions on Computational Social Systems, vol. 9, no. 1, pp. 134–145, 2022. [Google Scholar]

  12. X. Zhou, Y. Hu, W. Liang, J. Ma and Q. Jin, “Variational LSTM enhanced anomaly detection for industrial big data,” IEEE Transactions on Industrial Informatics, vol. 17, no. 5, pp. 3469–3477, 2021. [Google Scholar]

  13. M. A. Basset, V. Chang, H. Hawash, R. K. Chakrabortty and M. Ryan, “Deep-IFS: Intrusion detection approach for industrial internet of things traffic in fog environment,” IEEE Transactions on Industrial Informatics, vol. 17, no. 5, pp. 7704–7715, 2020. [Google Scholar]

  14. I. Idrissi, M. Azizi and O. Moussaoui, “An unsupervised generative adversarial network based-host intrusion detection system for internet of things devices,” Indonesian Journal of Electrical Engineering and Computer Science, Institute of Advanced Engineering and Science, vol. 25, no. 2, pp. 1140–1150, 2022. [Google Scholar]

  15. Z. Lv, L. Qiao, J. Li and H. Song, “Deep-learning-enabled security issues in the internet of things,” IEEE Internet Things Journals, vol. 8, no. 12, pp. 9531–9538, 2021. [Google Scholar]

  16. L. Nie, W. Sun, S. Wang and Z. Ning, “Intrusion detection in green internet of things: A deep deterministic policy gradient-based algorithm,” IEEE Transactions on Green Communications and Networking, vol. 5, no. 3, pp. 778–788, 2021. [Google Scholar]

  17. E. A. Mohammed, B. H. Far and C. Naugler, “Applications of the MapReduce programming framework to clinical big data analysis: Current landscape and future trends,” BioData Mining, vol. 7, no. 1, pp. 22, 2014. [Google Scholar]

  18. T. Jiang, H. Zhu and G. Deng, “Improved african buffalo optimization algorithm for the green flexible job shop scheduling problem considering energy consumption,” Journal of Intelligent & Fuzzy Systems, vol. 38, no. 4, pp. 4573–4589, 2020. [Google Scholar]

  19. B. Hou and R. Yan, “Convolutional autoencoder model for finger-vein verification,” IEEE Transactions on Instrumentation and Measurement, vol. 69, no. 5, pp. 2067–2074, 2020. [Google Scholar]

  20. P. C. Sahu, R. C. Prusty and B. K. Sahoo, “Modified sine cosine algorithm-based fuzzy-aided PID controller for automatic generation control of multiarea power systems,” Soft Computing, vol. 24, no. 17, pp. 12919–12936, 2020. [Google Scholar]


Cite This Article

APA Style
Sheeba, R., Sharmila, R., Alkhayyat, A., Malik, R.Q. (2023). Modified buffalo optimization with big data analytics assisted intrusion detection model. Computer Systems Science and Engineering, 46(2), 1415-1429. https://doi.org/10.32604/csse.2023.034321
Vancouver Style
Sheeba R, Sharmila R, Alkhayyat A, Malik RQ. Modified buffalo optimization with big data analytics assisted intrusion detection model. Comput Syst Sci Eng. 2023;46(2):1415-1429 https://doi.org/10.32604/csse.2023.034321
IEEE Style
R. Sheeba, R. Sharmila, A. Alkhayyat, and R.Q. Malik "Modified Buffalo Optimization with Big Data Analytics Assisted Intrusion Detection Model," Comput. Syst. Sci. Eng., vol. 46, no. 2, pp. 1415-1429. 2023. https://doi.org/10.32604/csse.2023.034321


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.
  • 940

    View

  • 450

    Download

  • 0

    Like

Share Link