Next Article in Journal
Multi-Objective Optimization Method for Signalized Intersections in Intelligent Traffic Network
Next Article in Special Issue
Evaluation of Open-Source Tools for Differential Privacy
Previous Article in Journal
Gaze Point Tracking Based on a Robotic Body–Head–Eye Coordination Method
Previous Article in Special Issue
Variable-Length Multiobjective Social Class Optimization for Trust-Aware Data Gathering in Wireless Sensor Networks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Unmasking Cybercrime with Artificial-Intelligence-Driven Cybersecurity Analytics

1
College of New Technologies of Information and Communication, University of Constantine 2, Constantine 25000, Algeria
2
College of Information Technology, United Arab Emirates University, Al Ain P.O. Box 17555, United Arab Emirates
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(14), 6302; https://doi.org/10.3390/s23146302
Submission received: 2 May 2023 / Revised: 13 June 2023 / Accepted: 15 June 2023 / Published: 11 July 2023
(This article belongs to the Special Issue Data Privacy, Security, and Trust in New Technological Trends)

Abstract

:
Cybercriminals are becoming increasingly intelligent and aggressive, making them more adept at covering their tracks, and the global epidemic of cybercrime necessitates significant efforts to enhance cybersecurity in a realistic way. The COVID-19 pandemic has accelerated the cybercrime threat landscape. Cybercrime has a significant impact on the gross domestic product (GDP) of every targeted country. It encompasses a broad spectrum of offenses committed online, including hacking; sensitive information theft; phishing; online fraud; modern malware distribution; cyberbullying; cyber espionage; and notably, cyberattacks orchestrated by botnets. This study provides a new collaborative deep learning approach based on unsupervised long short-term memory (LSTM) and supervised convolutional neural network (CNN) models for the early identification and detection of botnet attacks. The proposed work is evaluated using the CTU-13 and IoT-23 datasets. The experimental results demonstrate that the proposed method achieves superior performance, obtaining a very satisfactory success rate (over 98.7%) and a false positive rate of 0.04%. The study facilitates and improves the understanding of cyber threat intelligence, identifies emerging forms of botnet attacks, and enhances forensic investigation procedures.

1. Introduction

Today’s top elite cyberattackers are competing in ingenuity to penetrate critical infrastructure, to conduct cyber espionage, and to exfiltrate sensitive data while covering their tracks. They use a variety of advanced and furtive techniques, scanning and exploiting numerous cyber vulnerabilities, creating hidden backdoors, and giving rise to several cyber threats. For instance, in 2017, NotPetya [1] affected several multinational companies by shutting down hundreds of thousands of machines in just ten minutes, resulting in some suffering losses of over USD 300 million. According to the Cyberwarfare Special Report [2], cybercrime is predicted to reach USD 10.5 trillion annually by 2025, which is exponentially higher than the damage inflicted by natural disasters in a year. According to Symantec [3], the top ten biggest cyber threats are phishing (22%), malware (20%), cyberattacks (to disrupt) (13%), cyberattacks for stealing money (12%), fraud (10%), cyberattacks for stealing IP (8%), spam (6%), internal attacks (5%), natural disasters (2%), and espionage (2%). According to the FBI [4], the Internet Crime Complaint Center reported that the volume of complaints in 2021 was 847,376, with losses of USD 6.9 billion. According to McAfee [5], up to 1% of the world’s GDP is now being lost to cybercrime. In addition, the cost of cybercrime to the global economy has increased by more than 50% in two years. Figure 1 presents the estimated average cost of cybercrime [6]:
Addressing cybercrime requires substantial research in cybersecurity analytics, cyber threat intelligence, and digital forensics. Digital forensics (DF) is a branch of forensic science that involves the recovery and investigation of digital devices and is often related to cybercrime. Digital forensic investigators use a variety of techniques to recover evidence from seized or damaged electronic devices in order to help identify criminals and to solve crimes [7]. Forensic analysis techniques can extract hidden and encrypted information using voiceprint analysis, darknet analysis, cryptanalysis techniques, and cybersecurity analytics. Cybersecurity analytics (CA) refers to the application of analytical techniques and technologies to analyze and interpret vast amounts of data in order to identify and respond to cybersecurity threats and risks. Cyber threat intelligence (CTI) refers to the gathered and analyzed information and knowledge about potential cyber threats and adversaries. It involves gathering intelligence, and evaluating and interpreting data from open-source intelligence (OSINT), the dark web, and incident reports so as to identify cyber threats and their capabilities, intentions, and potential targets. The technical aspects of these investigations are divided into several branches related to the types of digital devices involved: system forensics [8], database forensics [9], email forensics [10], malware forensics [11], memory forensics [10], file system forensics [8], mobile devices forensics [10], network forensics [8,10], digital image forensics [8], web forensics [8], cloud forensics [8], and IoT forensics [12]. Figure 2 illustrates the digital forensics investigation process.
For instance, in the field of IoT forensics, investigation mandates the inspection of all traffic forms that are suspected of demonstrating botnet behavior.
Given the successful application of deep learning methods in various real-world scenarios, the LSTM-CNN model is proposed for the early detection of botnet attacks. The key contributions of this paper are as follows:
  • A deep learning model based on LSTM-CNN is proposed for investigating botnet traffic detection, with a focus on indicators of compromise, to enhance digital forensics and cyber threat intelligence, thereby helping to provide effective responses to cybercrime.
  • By leveraging deep learning techniques, the proposed model has the potential to adapt to changing attack patterns and to learn intricate features automatically, thereby demonstrating adaptability to evolving advanced botnet techniques that evade detection.
  • This study aims to discover hidden patterns and correlations in botnet activities that may not be apparent using traditional approaches. This is crucial in enhancing cyber threat intelligence and in facilitating proactive forensic measures.
The remainder of this paper is organized as follows: Section 2 emphasizes the most common related work for botnet detection. Section 3 presents our proposed work, outlining our methodology for enhancing digital forensics techniques using DL models. The experimental results are described in Section 4, followed by the discussions. Finally, Section 5 provides a conclusion and perspectives.

2. Related Work

In the 21st century, the rise of advanced malware and the exploitation of zero-day vulnerabilities have become major cybersecurity concerns, affecting diverse sectors. The pervasive nature of these threats has drawn considerable attention from security experts, specialists, and researchers. As a result, numerous researchers are actively working towards finding effective solutions to combat these pressing issues.
In this research study, our focus lies in investigating IoT botnets, and several related studies are examined. A notable contribution is presented in Reference [13], which introduced a convolutional neural network (CNN)-based approach for the detection and classification of IoT botnets. Ge et al. recently put forth a study [14] employing deep learning (DL) techniques for intrusion detection in IoT networks. Their proposed model utilizes feed-forward neural networks (FNN) for the binary and multi-class classification of diverse attacks targeting IoT devices, employing the Bot-IoT dataset; however, while the suggested solution yielded satisfactory outcomes overall, the authors acknowledged the challenges encountered during the evaluation process and offered suggestions for potential enhancements. In Reference [15], the authors put forth a detection model that combines a bidirectional recurrent long-term memory neural network (BLSTM-RNN) with word-embedding (WE) techniques. Similarly, another study on botnet detection utilizing deep learning (DL) is presented in Reference [16]. In this research, an extensive set of 650 experiments was conducted on a substantial dataset of 83 GB, which was generated by merging existing datasets containing botnet and peer-to-peer (P2P) data traffic. The primary objective of this investigation was to assess the ability of DL to identify known botnets, including Zeus, Storm, Waledac, and ZeroAccess, and to potentially replace traditional detection methods reliant on network statistics and feature engineering.
Popoola et al. [17] presented a detection algorithm that relies on deep recurrent neural networks (DRNN). Their algorithm was evaluated using the Bot-IoT dataset, and the results were remarkable. Hegde et al. [18] directed their attention towards the identification of botnets through the implementation of multiple machine learning and deep learning classifiers. The IoT-23 dataset, exclusively comprising botnet data, along with benign data captured in a controlled test environment, served as their primary data sources, using a combination of four malware captures and three benign data captures solely from the IoT-23 dataset [19].
In the study conducted by Garcia et al. [20], the authors examined the labeling process employed in the CTU13 dataset. They emphasized that the labeling process guarantees the accurate classification of flows as normal or botnet. However, it was noted that flows labeled as Background may include traffic from both categories. Consequently, each CTU13 dataset contains an unlabeled segment that necessitates additional investigation [21]. Geetha K. and Brahmananda S.H. [22] directed their efforts towards developing a method to safeguard healthcare IoT devices against botnet attacks. The proposed algorithm incorporates bidirectional long short-term memory (BLSTM). This outcome demonstrated the capability of the algorithm in accurately predicting and mitigating botnet attacks within healthcare IoT networks, showcasing its potential in enhancing the security of such systems.
Table 1 is a summary encompassing recent research endeavors that primarily concentrate on IoT botnet forensics and detection:
Despite the presence of numerous botnet detection techniques, a research gap persists in the development of precise and efficient models capable of effectively addressing both the spatial and temporal aspects of botnet activities. Existing methods predominantly focus on the analysis of network traffic, leaving a dearth of research that explores the intricate dynamics of botnet behavior. This research gap highlights the need for comprehensive exploration of the effectiveness of AI models in mitigating the challenges posed by the dynamic botnet behavior and zero-day botnet attacks.
Moreover, in light of the escalating proliferation of insecure IoT devices, botnet attacks have emerged as a significant threat to internet security [33]. Numerous machine-learning-driven solutions have been put forth to detect diverse forms of botnet attacks. The effectiveness of these solutions predominantly relies on the selection of features employed to train the deep learning models. It is crucial to carefully consider the choice of features as they directly impact the performance and accuracy of the detection mechanisms. Nonetheless, the process of selecting features solely from a specific dataset imposes limitations on the capability of deep learning models to effectively detect botnet attacks across diverse datasets, given the variations in botnet attack samples. In this study, we propose a collection of universal features that can aid deep learning models in identifying various botnet attacks, irrespective of the dataset used. Further investigation is necessary to ascertain the optimal architectural design that can harness the strengths of both convolutional neural networks (CNN) and long short-term memory (LSTM) networks, with the aim of constructing a more robust and powerful botnet detection system.

3. Proposed Work

According to the Interpol Report 2021 [34], botnets are networks of compromised machines used to automate large-scale campaigns, including DDoS attacks, phishing, malware distribution, and data theft. Thus, detecting and mitigating botnet attacks is a critical task for ensuring the security of cyberspace. However, traditional-method-based botnet detection often relies on handcrafted features or rule-based approaches, which may struggle to keep up with the evolving techniques employed by botnet operators. Therefore, there is a need for advanced detection approaches that can effectively capture the complex patterns and dynamics of botnet attacks. This research gap necessitates investigating the effectiveness of the CNN-LSTM hybrid model in addressing the challenges associated with botnet detection. The application of the proposed CNN-LSTM hybrid model for botnet detection holds much research significance, such as enhanced detection accuracy, adaptability to evolving advanced botnet techniques, efficient feature learning and representation, comprehensive analysis of spatial and temporal contexts, real-time detection, and proactive forensics investigation measures.
Our approach was developed using the Google Colab and TensorFlow frameworks with the Python programming language. Python was chosen for its advantageous features, including concise coding requirements, extensive availability of libraries and frameworks, consistency, platform independence, a thriving community, and flexibility. These attributes collectively contribute to the efficiency and effectiveness of the implementation instead.
CNN (convolutional neural network) is widely acknowledged as one of the most successful deep learning methods. Its architecture comprises four key layers: the input layer, convolutional layer, pooling layer, and fully connected layer. CNNs can be structured as 1D CNN, 2D CNN, or 3D CNN, each catering to specific data types. For instance, 1D CNN is primarily utilized for processing sequence data, 2D CNN is commonly employed for image and text recognition tasks, while 3D CNN finds applications in medical image analysis and video data recognition. In this study, we adopt the 1D CNN variant [35], given its compatibility with the nature of our data.
CNN (convolutional neural network) is a deep learning architecture commonly used for image and visual data analysis tasks. It is particularly effective in capturing spatial relationships and extracting meaningful features. This is an explanation of the operational principles behind a CNN model:
-
Convolutional Layer: It consists of multiple learnable filters that slide across the input. Each filter performs a dot product operation between its weights and a small region of the input, producing a feature map. The feature map highlights important patterns or features present in the input.
-
Activation Function: After the convolutional operation, an activation function is applied element-wise to the feature map. The activation function introduces non-linearity into the network, allowing it to learn complex relationships between the input and the extracted features.
-
Pooling Layer: Following the activation function, a pooling layer is often applied. Pooling reduces the spatial dimensions of the feature maps while retaining important information. Pooling helps to reduce the number of parameters, to decrease computational complexity, and to provide translational invariance.
-
Convolution and Pooling Layers: The convolutional and pooling layers are typically repeated multiple times in a CNN architecture to capture increasingly complex and abstract features. This allows the network to learn hierarchical representations of the input data, starting from simple low-level features and progressing to high-level features.
-
Flattening: After the convolutional and pooling layers have been applied, the resulting feature maps are flattened into a one-dimensional vector. This flattening operation reshapes the multi-dimensional feature maps into a single continuous vector, which serves as the input to the subsequent fully connected layers.
-
Fully Connected Layers: After flattening, fully connected layers are added to the network. These layers are similar to those found in traditional neural networks, where each neuron is connected to every neuron in the previous layer. Fully connected layers perform non-linear transformations on the input data and are responsible for making predictions based on the extracted features.
-
Output Layer: The final layer of the CNN is the output layer. It typically consists of one or more neurons, depending on the specific task. Figure 3 [36] shows the schematic structure of the CNN model.
LSTM (long short-term memory) networks are a specialized variant of recurrent neural networks that incorporate memory cells within hidden layers, enabling selective long-term pattern retention. This characteristic makes LSTM networks well-suited for modelling sequential data, which was the underlying motivation for our selection. Moreover, LSTM networks are employed to capture the intricate dynamics inherent in human activity, further highlighting their utility in analyzing complex temporal patterns [37]. It overcomes the limitations of traditional RNNs by addressing the vanishing gradient problem, which hampers the ability of the network to capture long-term dependencies in the data. The key components of an LSTM model are memory cells, gates, and input/output connections. This is an explanation of the operational principles behind an LSTM model:
-
Input and Output: At each time step in the sequence, the LSTM receives an input vector. The input can be a single value or a vector of multiple values. The LSTM processes the input and produces an output vector at the same time step.
-
Memory Cell: The memory cell is the core component of the LSTM. It maintains and updates its internal state based on the current input, the previous state, and the output of the previous time step. The memory cell has the ability to store and carry information over long durations, allowing the model to capture dependencies over time.
-
Forget Gate: The forget gate determines which information from the previous state should be forgotten or discarded. It takes the previous output and current input as inputs, and using a sigmoid activation function, it produces a forget gate vector. This vector selectively removes or keeps information from the previous state.
-
Input Gate: The input gate determines which new information should be stored in the memory cell. It takes the previous output and current input as inputs and produces an input gate vector. Additionally, it generates a candidate vector, which represents potential new information.
-
Output Gate: The output gate decides what information from the memory cell should be outputted. It takes the previous output and current input as inputs and produces an output gate vector using a sigmoid activation function. The memory cell state is passed through a tanh activation function to squash the values, and then, the output gate vector is applied to filter the values.
-
Output: The output is generated by combining the filtered memory cell state with the output gate vector. This output can be used for prediction or fed as an input to the next time step in the sequence. Figure 4 [38] shows the schematic structure of the LSTM model.
Our model proposes the CNN-LSTM algorithm, which combines the benefits of convolutional neural networks (CNNs) and long-term memory networks (LSTMs). The CNN-LSTM algorithm utilizes a shallow CNN to extract basic features from the dataset. The feature tensor extracted from the CNN is then converted into a feature matrix. Finally, the rows of the feature matrix are fed into the LSTM network to combine them, facilitating the implicit mapping of the entire dataset to the desired target.
Based on the evaluation of the CTU-13 and IoT-23 datasets, it is evident that the inclusion of CNN significantly enhances the feasibility of the CNN-LSTM algorithm. However, when it comes to the feature hybrid phase, LSTM emerges as the more effective component. The test results strongly indicate the valuable role played by CNN in enhancing the overall effectiveness of the algorithm, while highlighting the exceptional performance of LSTM in the specific context of the feature hybrid phase. Additionally, the botnet detection accuracy in IoT exceeds 90%.
Cyber investigators have been employing classification techniques grounded in artificial intelligence (AI), which are well-suited for effectively handling large volumes of data and processing them rapidly. Drawing inspiration from this approach, our aim is to propose a model founded on advanced AI techniques, specifically deep learning, to identify botnets as a significant source of cyberattacks. The optimal utilization of 1D CNN for both numeric and textual data, coupled with LSTM known for its memory capabilities, forms the basis of our model. We applied this model to two datasets, namely CTU13 and IoT23, which encompass diverse scenarios. To ensure compatibility with the model’s input requirements, we converted these datasets accordingly. Moreover, data balancing techniques such as SMOTE were employed to augment the volume of data and to mitigate any potential class imbalance. SMOTE (synthetic minority over-sampling technique) is a data balancing technique widely employed in machine learning to tackle class imbalance within datasets. This technique aims to address the scarcity of data in the minority class by oversampling it. It operates by identifying the nearest neighbors of each minority data point and by generating synthetic data points along the line segments that connect the minority data point to its nearest neighbors. Extensive research has demonstrated the effectiveness of SMOTE in enhancing the performance of machine learning models when dealing with imbalanced datasets.

3.1. CNN-LSTM Hybrid Model

In this section, we introduce the hybrid CNN-LSTM model that has been developed by combining CNN and LSTM to enhance the investigation process. We provide a comprehensive explanation of how this model is constructed, including its inputs, outputs, and the results obtained from our experiments.

3.1.1. Data Source

A comprehensive framework for developing an IoT botnet detection model has been established. The framework encompasses the entire process, starting from defining the botnet datasets to the detection phase. This section focuses on the CTU-13 and IoT-23 datasets utilized within the framework and provides further details regarding the proposed framework.

CTU-13 Dataset

CTU-13 [39], also known as the Czech Technical University 13 dataset, is a dataset of botnet traffic commonly used for cybersecurity research and analysis. It was created by the Cyber Threat Intelligence Lab at the Czech Technical University in Prague. The purpose of the dataset was to provide a large collection of real botnet traffic mixed with normal and background traffic. The CTU-13 dataset consists of thirteen captures, each of which represents a different botnet sample. In each scenario, we ran specific malware that used multiple protocols and performed different actions. The CTU-13 dataset was designed to provide researchers and practitioners with a realistic and diverse collection of network traffic data for studying various aspects of cybersecurity. It focuses on capturing different types of network traffic, including normal traffic as well as traffic generated by various malware and botnet activities. The dataset was collected in a controlled environment using a network of virtual machines. It includes both benign traffic and traffic generated by 13 different malware families, covering a wide range of malicious activities. Including well-known ones such as Zeus, SpyEye, and Conficker, as well as lesser-known families. Each malware family represents a different attack scenario, allowing researchers to analyze and develop resilience investigation methods for specific types of malware. The table below shows the characteristics of the botnet scenarios. Each scenario was captured in a PCAP file that contains all packets of all three traffic types.
The PCAP files underwent processing to extract additional information, including NetFlows and WebLogs. The extracted information was then converted into CSV format using Wireshark. The resulting dataset possesses a multivariate and sequential data structure, comprising numerous instances and approximately 15 attributes. Given its size, not all of the data was utilized for model training and testing. Instead, specific instances were selected from the data folder to streamline model preparation.
However, using all instances could result in additional time consumption due to the substantial volume of data that needs to be processed. The data attributes, along with their corresponding details, are outlined below:
  • StartTime: the start time for capturing data traffic;
  • Dur: the duration of capture of data traffic or duration of the attack on the devices;
  • Proto: the protocol used in the traffic;
  • SrcAddr: the source IP address;
  • Sport: the source port address;
  • Dir: the direction of data flow and attack;
  • DstAddr: the destination IP address;
  • Dport: the destination port address;
  • State: the state during the capture;
  • dTos: the destination type of service;
  • TotPkts: the total number of packets transferred or received during the capture;
  • TotBytes: the total size of packets transferred or received during the capture in bytes;
  • SrcBytes: size of packets from the source;
  • Label: attack tag (indicating whether it was a successful, background, or normal botnet attack).
Table 2 illustrates the characteristics of the botnet scenarios.

IoT-23 Dataset

IoT-23 [40] is a publicly available dataset commonly used for research and analysis in the field of Internet of Things (IoT) security. It was created by the Stratosphere Laboratory at the Czech Technical University in Prague. The IoT-23 dataset was developed to provide researchers and practitioners with a comprehensive dataset for studying IoT security, particularly in the context of botnet detection. It focuses on capturing network traffic data generated by IoT devices and includes various botnet activities for analysis. The IoT-23 dataset includes instances of various botnet activities for each device type. These botnet activities are injected into the network traffic data, representing different types of botnet infections, command and control (C&C) communication, and malicious behavior exhibited by compromised IoT devices. This allows researchers to study and develop detection methods for IoT botnets. IoT-23 dataset’s focus on IoT devices reflects the growing security concerns surrounding IoT deployments. By studying botnet detection on IoT devices using this dataset, researchers can address the emerging security challenges and contribute to enhancing the security and resilience of IoT ecosystems. The dataset’s relevance to real-world IoT scenarios allows for practical and applicable findings. It consists of 23 captures of malware running in IoT devices and three captures of benign IoT device traffic, thus providing a large dataset of real and tagged IoT malware infections and benign IoT traffic for researchers to develop machine learning algorithms. The research on this dataset was funded by Avast. The malware was allowed to connect to the Internet.
The IoT-23 dataset is multi-tagged, and the tags belong to similar classes. The labels represent different attack types, but the classes can be a combination of different attacks. For instance, a label can be either C&C or PartOfAHorizontalPortScan, each having a different meaning. In contrast, a class can be C&C-PartOfAHorizontalPortScan, which indicates that both malware attacks are present for streams in that class. The specific details of the data attributes are presented below:
  • Attack: The infected device attempts to take advantage of a vulnerability in another host as an attack.
  • Benign: The connections do not show any suspicious or malicious activity.
  • C&C: The infected device is connected to a Command & Control server.
  • DDoS: The infected device executes a distributed denial of service (DDoS) attack.
  • FileDownload: The infected device downloads a file.
  • HeartBeat: The packets sent over this connection are used by the Command & Control server to keep track of the infected host.
  • Mirai: The connections exhibit characteristics of a Mirai botnet.
  • Okiru: The connections exhibit the characteristics of an Okiru botnet.
  • PartOfAHorizontalPortScan: The connections are used to perform a horizontal port scan to gather information for potential future attacks.
  • Torii: The connections have the characteristics of a Torii botnet.
The following tables, namely Table 3 and Table 4, provide a comprehensive overview of each scenario present in the IoT-23 dataset, along with their fundamental characteristics:

3.1.2. Data Preparation

In this section, a comprehensive description of the dataset is presented, encompassing various aspects such as label matching, dataset extraction, feature extraction, pre-processing, experiment setup, and results analysis.
CTU-13 Dataset
The converted dataset has been uploaded in a CSV file format named ‘flowdata’, which has been normalized and standardized based on the CTU 13 dataset.
IoT-23 Dataset
To preprocess the IoT-23 dataset, the process involves loading 16 individual datasets from the original 23 datasets into a Pandas database. The first 10 rows (headers) are skipped, and the subsequent 100,000 rows are loaded. Once this process is completed for all 16 datasets, they are combined to create a new dataset called “IoT23-combined.csv”.
Once the data are loaded using the pandas library’s “read-csv()” function, labeling becomes necessary. To accomplish this, a function named “labeler()” is employed. The function iterates through each line of the data, checking the “Label” column, and replacing the string values with the corresponding labels of 0 and 1, or possibly 0.1 and 2.
The pre-processing phase involves several crucial steps, including the elimination of noisy and redundant data, as well as the normalization and transformation of the dataset. These pre-processing procedures are executed on both the training and testing data, ensuring consistency and reliability throughout the entire data analysis process. By removing noise and unused data and by applying appropriate normalization and transformation techniques, the dataset is prepared to enhance the accuracy and effectiveness of subsequent data analysis and modeling tasks.

3.1.3. Model Architecture

The following Figure 5 illustrates the architecture of our approach.
The Algorithm 1 below shows the CNN-LSTM model we used:
Algorithm 1 Pseudo-code of CNN-LSTM
1:
Input the trained data as a CSV file from datasets.
2:
Scaling and transforming all the data features for learning.
3:
Scaling and transforming all features of the testing data.
4:
Using SMOTE for data balancing.
5:
Definition of the CNN-LSTM model:
6:
| The body of the model (layers)
7:
Return model
8:
  M o d e l C N N L S T M ( ) M o d e l
9:
Fitting function
10:
Valuation calculation
SMOTE (synthetic minority over-sampling technique) is a data augmentation technique that commonly uses deep learning to address the problem of class imbalance. Class imbalance occurs when the number of instances in one class is significantly lower than the number of instances in another class, leading to biased learning and reduced performance. The SMOTE technique aims to alleviate class imbalance by synthesizing new instances for the minority class. Class imbalance can lead to biased models that tend to favor the majority class and to perform poorly on the minority class. This is achieved by identifying the nearest neighbors of each minority class instance and by creating synthetic instances along the line segments connecting them. This is carried out by taking the difference between feature values of the instance and its neighbor, multiplying it by a random number between 0 and 1 and adding the result to the instance’s feature values. Therefore, by applying SMOTE to the botnet detection dataset, we can alleviate the class imbalance issue and can enhance the model’s ability to detect botnet traffic accurately. The generated synthetic instances provide additional training examples for the minority class, enabling the deep learning model to learn from a more balanced dataset and to improve its overall performance.

3.1.4. Model Structures

Our approach consists of two CNN layers, which are separated by Dropout and followed by an LSTM layer. The configuration and sequence of these layers are visually depicted in Figure 6 to provide a clearer understanding.
To implement the aforementioned architecture, we utilized the internal structure of the CNN model illustrated in Figure 7.
The data were partitioned, allocating 80% for training and 20% for testing. Consistent methodologies were applied for both training and testing across the two datasets originating from distinct sources. Given that each model exclusively utilizes either the IoT-23 or CTU-13 dataset, the stratification method was employed to ensure the preservation of the original distribution of training values, thereby safeguarding against any potential alterations. A simplified representation of this method is outlined below:
Algorithm 2 below shows the global steps of preprocessing, model architecture, model training, model evaluation, model testing, and model deployment we used:
Algorithm 2 Global steps of preprocessing, training, testing, and deployment
1:
Collect and preprocess the data on botnet related malware samples.
2:
Convert the raw data into suitable format for model input.
3:
Define the hybrid CNN-LSTM model. (Input layer: Receive preprocessed data, CNN layer: Extract spatial features from dataset, LSTM layer: Capture temporal dependencies in the data sequences, Output layer: Perform prediction of botnet or non-botnet classes).
4:
Split the data into training, validation, and test sets.
5:
Initialize the model’s neuron weights.
6:
Train the model.
7:
Pass the training data through the model.
8:
Adjust the model weights using gradient backpropagation to minimize prediction error.
9:
Repeat these steps on the training data until maximum performance is achieved.
10:
Evaluate the model.
11:
Use the validation data to assess the model’s performance on unseen data.
12:
Measure performance metrics (accuracy, recall, F1-score, etc.).
13:
Test the model.
14:
Use the test data to evaluate the finale performance of the model.
15:
Analyse the results to assess the effectiveness of botnet detection.
16:
Utilize the trained model.
17:
Apply the model in real-time to detect suspicious botnet activities in new traffic data.
18:
Integrate the model into existing botnet detection and security tools to enhance forensics investigation capabilities.

4. Experimental Results

In this section, we assess the effectiveness of the CNN and LSTM models in terms of their robustness against underfittingand overfitting, as well as their generalization ability. This evaluation aims to gauge the model performance and to ascertain their suitability for broader applications beyond the training data. The confusion matrix can have four different elements. Some of the commonly used performance metrics [41] for data classification are discussed below.
True Positive (TP): The classifier accurately identified the attack’s class characteristics. It implies that a classifier, which is a type of machine learning algorithm, was used to identify the type of attack that was detected, and that it did so correctly.
True Negative (TN): The value of the class characteristic is negative, i.e., normal traffic.
False Positive (FP): The classifier wrongly classifies normal traffic as an attack.
Faux Negative (FN): The classifier misclassifies an attack record as normal traffic.

4.1. Accuracy (Success Rate)

Accuracy, also known as the success rate, indicates the percentage of normal activities and attacks that are correctly detected. It is calculated using the ratio between the correct detection and the total detection. It is calculated as follows:
Accuracy = TP + TN / TP + TN + FP + FN

4.2. Precision

This metric shows the percentage of detected attacks that are actually real attacks. It is calculated as follows:
Precision = TP / TP + FP

4.3. False-Positive Rate (FPR)

This indicates the percentage of false alarms, which is obtained by calculating the ratio between the number of traffic incorrectly classified as intrusions and the total number of normal traffic. It is calculated as follows:
FPR = FP / TN + FP

4.4. Recall (Detection Rate)

This indicates the percentage of attacks detected compared with all attacks presented in the dataset. It is the ratio between the number of correctly detected intrusions and the total number of intrusions, i.e., how many positives the model identified among all possible positives. It is calculated as follows:
Recall = TP / TP + FN

4.5. F-Score (Harmonic Mean)

The harmonic mean F combines recall and precision into a number between 0 and 1. It is calculated as the mean of precision and recall, given by
F - Score = 2 × ( Precision × Recall ) / ( Precision + Recall )
Table 5 illustrates the training of the CNN model, where the highest accuracy obtained is 99.7%, and the best fault tolerance result is 0.04%. This was achieved by adding a convolutional layer and a dropout layer with a dropout rate of 0.5.
Table 6 displays the training results of the hybrid model. As depicted, an accuracy of 98.74% and a fault tolerance of 0.04% were achieved.
The LSTM model underwent testing, and it took up to 10 h to obtain a result for a single function. However, since a result for seven or more functions was needed, it was not a practical choice. Digital forensics investigators need to collect and disclose evidence quickly, and therefore, time is the most important element. Hence, LSTM was excluded from the conducted comparison. The experiment results show that using the best features reduces the training time and provides a high rate of bot detection. Figure 8 and Figure 9, illustrates the results obtained from the CNN LSTM model applied to the IoT 23 dataset, which indicate the presence of loss underfitting. Further analysis and adjustments to the model training process are required to address the underfitting issue, such as increasing the model’s complexity, augmenting the training data, applying regularization techniques, fine-tuning the hyperparameters, utilizing model ensembles, incorporating pretrained models, expanding the training data size, and implementing early stopping and model checkpointing. Figure 10 and Figure 11 demonstrate that our approach achieves higher precision and competitive accuracy.
Initially, a combination of a CNN layer and an LSTM layer, followed by a dropout layer, was employed, but the obtained results were unsatisfactory. To enhance the performance, an additional CNN layer was incorporated, which yielded satisfactory outcomes. However, concerns regarding overfitting and underfitting were observed, as evident from the curves in Figure 8 and Figure 9. To mitigate these issues, another dropout layer was introduced, leading to noticeable changes in the observed patterns, as depicted in Figure 10 and Figure 11.
Figure 10 and Figure 11 show that the model performs well based on the success rate and validation loss. The success rate curve is lower than the validation curve, while the loss curve is higher than the validation loss curve.
Table 7 shows the system performance comparison of the proposed method and other works.
The metrics shown in Table 7 indicate that our proposed solution outperforms most of the state-of-the-art works. This method yields a much higher accuracy and fault detection rates than most of the previous works did on the CTU-13, IoT-23, and other datasets.
By using convolutional layers, pooling layers, fully connected layers, and backpropagation, CNNs can effectively learn and extract relevant features and their hierarchical structure, and can capture local patterns. Furthermore, by combining CNN and LSTM, the hybrid model can effectively learn and capture long-term dependencies in sequential data. The gates allow the model to selectively retain or discard malicious information, to update the memory cell state, and to generate appropriate outputs. This makes the CNN-LSTM model a well-suited and powerful tool for specific tasks such as malicious traffic classification, modern malware recognition, cyber threat intelligence, and other investigations involving cybersecurity analytics. This study also facilitates forensics analysis to enhance our understanding of cyber threat intelligence, to identify emerging forms of botnet attacks, and to enhance digital investigation procedures.

5. Conclusions

This research attempts to better understand the motivations driving cybercriminals, the techniques they employ, and the modus operandi behind botnet attacks. The proposed CNN-LSTM model can capture both spatial and temporal patterns in botnet activities, leading to improved accuracy in identifying and distinguishing normal network traffic from complex malicious botnet behavior. This can help reduce false positives and increase the precision of botnet detection systems. The model is constructed by integrating the CNN and LSTM layers, utilizing diverse information extracted from multiple scenarios found in the CTU-13 and IoT-23 datasets. Moreover, the proposed approach has the potential to operate in real time, enabling timely detection and response to botnet attacks with flexibility, and the capability to tackle complex and evolving cyber threats. This is crucial in enhancing cyber threat intelligence and facilitating proactive forensics measures. The results revealed that adopting the hybrid CNN-LSTM model led to a significant improvement in accuracy, yielding highly satisfactory performance outcomes. Our approach achieved an accuracy rate, exceeding 98% with a false-positive rate of 0.04%. Consequently, this study enables the model to effectively analyze complex cyber threats that exhibit both spatial and temporal characteristics, thereby enhancing cyber threat intelligence and facilitating proactive forensic measures.
In future works, our objective is to explore techniques to improve the robustness of deep learning models against adversarial attacks in the context of botnet detection. Adversarial attacks can be used by botnets to evade detection systems, so developing defenses against adversarial attacks is crucial. This endeavor aims to establish a robust framework capable of addressing a broader range of cyber threats. Furthermore, we attempt to explore the use of blockchain to facilitate secure and decentralized sharing of threat intelligence among different entities. Blockchain can enable the creation of a trusted and immutable ledger that allows organizations to share information about botnets in real time, improving the overall detection and mitigation efforts.

Author Contributions

Conceptualization, A.D. and E.B.; methodology, A.D.; software, A.B. and K.K.; validation, A.D. and E.B.; formal analysis, A.D. and E.B.; investigation, A.D.; resources, A.D. and E.B.; writing—original draft preparation, A.D.; writing—review and editing, A.D., E.B., A.B. and K.K.; visualization, A.D.; supervision, A.D.; funding acquisition, E.B. All authors have read and agreed to the published version of the manuscript.

Funding

This research is supported by the United Arab Emirates University (UAEU) under grant number 12R005.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Some implementations of this research are available online and can be downloaded from https://github.com/adjenna/CNN–LSTM (accessed on 8 June 2023).

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
CACybersecurity Analytics
CTICyber Threat Intelligence
DFDigital Forensics
GDPGross Domestic Product
OSINTOpen-Source INTelligence
AIArtificial Intelligence
DLDeep Learning
LSTMLong Short-Term Memory
CNNConvolutional Neural Network
MLMachine Learning
FNNFeedforward Neural Network
WEWord Embedding
DRNNDeep Recurrent Neural Network
SVMSupport Vector Machine
BLSTMBidirectional Long Short-Term Memory
BiGRUBidirectional Gated Recurrent Unit
TPTrue Positive
TNTrue Negative
FPFalse Positive
FNFalse Negative
IRCInternet Relay Chat
P2PPeer-to-Peer
HTTPHyperText Transfer Protocol
PCAPPacket Capture
CSVComma-Separated Values)
IoTInternet of Things
C&CCommand and Control
DDoSDistributed Denial of Service
List of mathematical symbols
XInput data
YOutput
WWeight matrix
bBias vector
*Convolution operation
Concatenation operation
σ Sigmoid activation function
tanhHyperbolic tangent activation function
Cross-correlation operation
Element-wise multiplication
Element-wise addition operation
Gradient symbol
Partial derivative symbol
θ Model parameters
α Mixing coefficient for combining original and synthetic samples in SMOTE

References

  1. Wannacry, Petya, Notpetya. Available online: https://www.theguardian.com/technology/2017/dec/30/wannacry-petya-notpetya-ransomware (accessed on 7 December 2022).
  2. Cyberwarfare Special Report. Available online: https://cybersecurityventures.com/hackerpocalypse-cybercrime-report-2016/ (accessed on 8 December 2022).
  3. Hacking the Hackers: Understanding Their Mindset and Motivations. Available online: https://www.bluefin.com/bluefin-news/hacking-hackers-mindset-motivations/ (accessed on 11 February 2023).
  4. FBI: Cybercrime Victims Suffered Losses of Over $6.9B. Available online: https://www.darkreading.com/attacks-breaches/fbi-cybercrime-victims-suffered-losses-of-over-6-9b-in-2021 (accessed on 3 March 2023).
  5. The Hidden Costs of Cybercrime on Government. Available online: https://www.mcafee.com/blogs/other-blogs/executive-perspectives/the-hidden-costs-of-cybercrime-on-government/ (accessed on 3 March 2023).
  6. Estimated Cost of Cybercrime Worldwide. Available online: https://www.statista.com/statistics/1280009/cost-cybercrime-worldwide/ (accessed on 3 March 2023).
  7. Understanding Digital Forensics Process Techniques and Tools. Available online: https://www.bluevoyant.com/knowledge-center/understanding-digital-forensics-process-techniques-and-tools (accessed on 13 December 2022).
  8. Javed, A.R.; Ahmed, W.; Alazab, M.; Jalil, Z.; Kifayat, K.; Gadekallu, T.R. A comprehensive survey on computer forensics: State-of-the-art, tools, techniques, challenges, and future directions. IEEE Access 2022, 10, 11065–11089. [Google Scholar] [CrossRef]
  9. What Is Database Forensics. Available online: https://www.salvationdata.com/knowledge/what-is-database-forensics/ (accessed on 13 December 2022).
  10. Computer Forensics. Available online: https://www.techtarget.com/searchsecurity/definition/computer-forensics (accessed on 13 December 2022).
  11. Djenna, A.; Bouridane, A.; Rubab, S.; Marou, I.M. Artificial Intelligence-Based Malware Detection, Analysis, and Mitigation. Symmetry 2019, 15, 667. [Google Scholar] [CrossRef]
  12. Hou, J.; Li, Y.; Yu, J.; Shi, W. A survey on digital forensics in Internet of Things. IEEE Internet Things J. 2019, 7, 1–15. [Google Scholar] [CrossRef]
  13. Abu Al-Haija, Q.; Zein-Sabatto, S. An efficient deep-learning-based detection and classification system for cyber-attacks in IoT communication networks. Electronics 2020, 9, 2152. [Google Scholar] [CrossRef]
  14. Ge, M.; Fu, X.; Syed, N.; Baig, Z.; Teo, G.; Robles-Kelly, A. Deep learning-based intrusion detection for IoT networks. In Proceedings of the IEEE 24th Pacific Rim International Symposium on Dependable Computing (PRDC), Kyoto, Japan, 1–3 December 2019. [Google Scholar] [CrossRef]
  15. McDermott, C.D.; Majdani, F.; Petrovski, A.V. Botnet detection in the internet of things using deep learning approaches. In Proceedings of the IEEE International Joint Conference on Neural Networks (IJCNN), Rio de Janeiro, Brazil, 8–13 July 2018. [Google Scholar] [CrossRef]
  16. Van Roosmalen, J.; Vranken, H.; Van Eekelen, M. Applying deep learning on packet flows for botnet detection. In Proceedings of the 33rd Annual ACM Symposium on Applied Computing, Pau, France, 9–13 April 2018. [Google Scholar] [CrossRef]
  17. Popoola, S.I.; Adebisi, B.; Ande, R.; Hammoudeh, M.; Anoh, K.; Atayero, A.A. Smote-drnn: A deep learning algorithm for botnet detection in the internet-of-things networks. Sensors 2021, 21, 2985. [Google Scholar] [CrossRef]
  18. Hegde, M.; Kepnang, G.; Al Mazroei, M.; Chavis, J.S.; Watkins, L. Identification of botnet activity in IoT network traffic using machine learning. In Proceedings of the IEEE International Conference on Intelligent Data Science Technologies and Applications (IDSTA), Valencia, Spain, 19–22 October 2020. [Google Scholar] [CrossRef]
  19. Abdalgawad, N.; Sajun, A.; Kaddoura, Y.; Zualkernan, I.A.; Aloul, F. Generative deep learning to detect cyberattacks for the IoT-23 dataset. IEEE Access 2021, 10, 6430–6441. [Google Scholar] [CrossRef]
  20. Garcia, S.; Grill, M.; Stiborek, J.; Zunino, A. An empirical comparison of botnet detection methods. Comput. Secur. 2014, 45, 100–123. [Google Scholar] [CrossRef]
  21. Le, D.C.; Zincir-Heywood, A.N.; Heywood, M.I. Data analytics on network traffic flows for botnet behaviour detection. In Proceedings of the IEEE Symposium Series on Computational Intelligence (SSCI), Athens, Greece, 6–9 December 2016. [Google Scholar] [CrossRef]
  22. Geetha, K.; Brahmananda, S.H. Network traffic analysis through deep learning for detection of an army of bots in health IoT network. Int. J. Pervasive Comput. Commun. 2022. [Google Scholar] [CrossRef]
  23. Alauthman, M.; Aslam, N.; Al-kasassbeh, M.; Khan, S.; Al-Qerem, A.; Raymond Choo, K.K. An efficient reinforcement learning-based Botnet detection approach. J. Netw. Comput. Appl. 2020, 150, 102479. [Google Scholar] [CrossRef]
  24. Kim, J.; Shim, M.; Hong, S.; Shin, Y.; Choi, E. Intelligent detection of iot botnets using machine learning and deep learning. Appl. Sci. 2020, 10, 7009. [Google Scholar] [CrossRef]
  25. Bijalwan, A. Botnet forensic analysis using machine learning. Secur. Commun. Netw. 2020, 2020, 9302318. [Google Scholar] [CrossRef]
  26. Popoola, S.I.; Ande, R.; Adebisi, B.; Gui, G.; Hammoudeh, M.; Jogunola, O. Federated deep learning for zero-day botnet attack detection in IoT-edge devices. IEEE Internet Things J. 2021, 9, 3930–3944. [Google Scholar] [CrossRef]
  27. Shareena, J.; Ramdas, A.; AP, H. Intrusion detection system for iot botnet attacks using deep learning. SN Comput. Sci. 2021, 2, 205. [Google Scholar] [CrossRef]
  28. Asadi, M. Detecting IoT botnets based on the combination of cooperative game theory with deep and machine learning approaches. J. Ambient. Intell. Humaniz. Comput. 2022, 13, 5547–5561. [Google Scholar] [CrossRef]
  29. Hasan, N.; Chen, Z.; Zhao, C.; Zhu, Y.; Liu, C. IoT Botnet Detection framework from Network Behavior based on Extreme Learning Machine. In Proceedings of the IEEE Infocom Ieee Conference on Computer Communications Workshops (Infocom Wkshps), New York, NY, USA, 2–05 May 2022. [Google Scholar] [CrossRef]
  30. Bojarajulu, B.; Tanwar, S.; Singh, T.P. Intelligent IoT-BOTNET attack detection model with optimized hybrid classification model. Comput. Secur. 2023, 126, 103064. [Google Scholar] [CrossRef]
  31. Moorthy, R.S.S.; Nathiya, N. Botnet Detection Using Artificial Intelligence. Procedia Comput. Sci. 2023, 218, 1405–1413. [Google Scholar] [CrossRef]
  32. Guerra-Manzanares, A.; Bahsi, H. On the application of active learning for efficient and effective IoT botnet detection. Future Gener. Comput. Syst. 2023, 141, 40–53. [Google Scholar] [CrossRef]
  33. Djenna, A.; Saidouni, D.E.; Abada, W. A pragmatic cybersecurity strategies for combating iot-cyberattacks. In Proceedings of the IEEE International Symposium on Networks, Computers and Communications (ISNCC), Montreal, QC, Canada, 20–22 October 2020. [Google Scholar] [CrossRef]
  34. 2021 Interpol Report. Available online: https://www.interpol.int/content/download/17965/file/INTERPOL/Annual/Report/2021_EN (accessed on 23 February 2023).
  35. Li, T.; Hua, M.; Wu, X. A hybrid CNN-LSTM model for forecasting particulate matter (PM2. 5). IEEE Access 2020, 8, 26933–26940. [Google Scholar] [CrossRef]
  36. Cell Classification in Machine Learning. Available online: https://www.madrasresearch.org/post/cell-classification-in-machine-learning (accessed on 22 May 2023).
  37. Roshan, S.; Srivathsan, G.; Deepak, K.; Chandrakala, S. Violence detection in automated video surveillance: Recent trends and comparative studies. Cogn. Approach Cloud Comput. Internet Things Technol. Surveill. Track. Syst. 2020, 157–171. [Google Scholar] [CrossRef]
  38. Li, Y.H.; Harfiya, L.N.; Purwandari, K.; Lin, Y.D. Real-time cuffless continuous blood pressure estimation using deep learning model. Sensors 2020, 20, 5606. [Google Scholar] [CrossRef]
  39. CTU-13 Dataset. Available online: https://www.stratosphereips.org/datasets-ctu13 (accessed on 17 June 2022).
  40. IoT-23 Dataset. Available online: https://www.stratosphereips.org/datasets-iot23 (accessed on 30 June 2022).
  41. Sokolova, M.; Lapalme, G. A systematic analysis of performance measures for classification tasks. Inf. Process. Manag. 2009, 45, 427–437. [Google Scholar] [CrossRef]
  42. Nguyen, H.T.; Ngo, Q.D.; Le, V.H. IoT Botnet Detection Approach Based on PSI graph and DGCNN classifier. In Proceedings of the IEEE International Conference on Information Communication and Signal Processing (ICICSP), Singapore, 28–30 September 2018. [Google Scholar] [CrossRef]
  43. Letteri, I.; Della Penna, G.; Caianiello, P. Feature selection strategies for http botnet traffic detection. In Proceedings of the 4th IEEE European Symposium on Security and Privacy Workshops EUROS and PW, Stockholm, Sweden, 17–19 June 2019. [Google Scholar] [CrossRef]
  44. Jimenez, F.; Martinez, C.; Marzano, E.; Palma, J.T.; Sanchez, G.; Sciavicco, G. Multiobjective evolutionary feature selection for fuzzy classification. IEEE Trans. Fuzzy Syst. 2019, 27, 1085–1099. [Google Scholar] [CrossRef]
  45. Tama, B.A.; Comuzzi, M.; Rhee, K.-H. TSE-IDS: A two-stage classifier ensemble for intelligent anomaly-based intrusion detection system. IEEE Access 2019, 7, 94497–94507. [Google Scholar] [CrossRef]
  46. Zhao, F.; Xin, Y.; Zhang, K.; Niu, X. Representativeness-based instance selection for intrusion detection. Secur. Commun. Netw. 2021, 2021, 6638134. [Google Scholar] [CrossRef]
  47. Kannari, P.R.; Shariff, N.C.; Biradar, R.L. Network intrusion detection using sparse autoencoder with swish-PReLU activation model. J. Ambient. Intell. Humaniz. Comput. 2021, 1–13. [Google Scholar] [CrossRef]
  48. Lo, W.W.; Kulatilleke, G.; Sarhan, M.; Layeghy, S.; Portmann, M. XG-BoT: An explainable deep graph neural network for botnet detection and forensics. Internet Things 2023, 22, 100747. [Google Scholar] [CrossRef]
Figure 1. The average cost of cybercrime.
Figure 1. The average cost of cybercrime.
Sensors 23 06302 g001
Figure 2. Procedure of digital forensics techniques.
Figure 2. Procedure of digital forensics techniques.
Sensors 23 06302 g002
Figure 3. Structure of CNN model.
Figure 3. Structure of CNN model.
Sensors 23 06302 g003
Figure 4. Structure of LSTM model.
Figure 4. Structure of LSTM model.
Sensors 23 06302 g004
Figure 5. Architecture of the proposed system.
Figure 5. Architecture of the proposed system.
Sensors 23 06302 g005
Figure 6. The structure of the layers used.
Figure 6. The structure of the layers used.
Sensors 23 06302 g006
Figure 7. Internal structure of the proposed CNN model.
Figure 7. Internal structure of the proposed CNN model.
Sensors 23 06302 g007
Figure 8. Accuracy underfitting result of the CNN LSTM model of the IoT 23 dataset.
Figure 8. Accuracy underfitting result of the CNN LSTM model of the IoT 23 dataset.
Sensors 23 06302 g008
Figure 9. Loss underfitting result of the CNN LSTM model of the IoT 23 dataset.
Figure 9. Loss underfitting result of the CNN LSTM model of the IoT 23 dataset.
Sensors 23 06302 g009
Figure 10. Accuracy training and validation.
Figure 10. Accuracy training and validation.
Sensors 23 06302 g010
Figure 11. Loss training and validation.
Figure 11. Loss training and validation.
Sensors 23 06302 g011
Table 1. IoT botnet forensics- and detection-related work.
Table 1. IoT botnet forensics- and detection-related work.
WorkYearJournalMethodProsCons
[23]2020High Speed NetworksMLEffective in detecting patterns and anomaliesMay require a large labled dataset
[24]2020Applied SciencesML, DLCapable of learning complex patternsHigh computational complexity
[25]2020Security and Communication NetworksMLCan identify hidden patterns and correlationsLimitations in handlings new attacks
[26]2021IEEE Internet of ThingsFederated DLDetection of zero-day botnet attacksSynchronization and communication challenges
[27]2021SN Computer ScienceDLCan learn intricate featuresRequires large amounts of labled data
[28]2022Ambient Intelligence and Humanized ComputingGame theory, DLModels the strategic behavior of attackersRequires extensive computational resources
[29]2022IEEE INFOCOMExtreme learningFast and efficient learningRequires fine-tuning for optimal performance
[30]2023Computers & SecurityBiGRU-RNNImproved accuracy in detecting IoT botnet attacksHas increased complexity and resources requirements
[31]2023Computer ScienceSVMAdaptable to dynamic botnetRequires extensive computation resources
[32]2023Future Generation Computer SystemsActive learningMinimizes the labeling cost for the IoT botnet detectionDid not explore the implications and relation of specific features
Table 2. Characteristics of botnet scenarios.
Table 2. Characteristics of botnet scenarios.
IdIRCSPAMCFPSDDoSFFP2PUSHTTP
1XXX
2XXX
3X X X
4X X X
5 X X X
6 X
7 X
8 X
9XXXX
10X X X
11X X X
12 X
13 X X X
Table 3. Scenarios in IoT-23 dataset.
Table 3. Scenarios in IoT-23 dataset.
ScenariosTypeCapture NameMalware/DeviceDurationNumber of PacketsTotal Flows
Scenario 1MaliciousCTU-IoT-Malware-Cap-34-1Mirai24,000233,00023,146,000
Scenario 2MaliciousCTU-IoT-Malware-Cap-43-1Mirai100082,000,00067,321,810,000
Scenario 3MaliciousCTU-IoT-Malware-Cap-44-1Mirai20001,309,000238,000
Scenario 4MaliciousCTU-IoT-Malware-Cap-49-1Mirai800018,000,0005,410,562,000
Scenario 5MaliciousCTU-IoT-Malware-Cap-52-1Mirai24,00064,000,00019,781,379,000
Scenario 6MaliciousCTU-IoT-Malware-Cap-20-1Torii24,00050,0003,210,000
Scenario 7MaliciousCTU-IoT-Malware-Cap-21-1Torii24,00050,0003,287,000
Scenario 8MaliciousCTU-IoT-Malware-Cap-42-1Trojan800024,0004,427,000
Scenario 9MaliciousCTU-IoT-Malware-Cap-60-1Gagfyt24,000271,000,0003,581,029,000
Scenario 10MaliciousCTU-IoT-Malware-Cap-17-1Kenjiro24,000109,000,00054,659,864,000
Scenario 11MaliciousCTU-IoT-Malware-Cap-36-1Okiru24,00013,000,00013,645,107,000
Scenario 12MaliciousCTU-IoT-Malware-Cap-33-1Kenjiro24,00054,000,00054,454,592,000
Table 4. Scenarios in IoT-23 dataset.
Table 4. Scenarios in IoT-23 dataset.
ScenariosTypeCapture NameMalware/DeviceDurationNumber of PacketsTotal Flows
Scenario 13MaliciousCTU-IoT-Malware-Cap-8-1Hakai24,00023,00010,404,000
Scenario 14MaliciousCTU-IoT-Malware-Cap-35-1Mirai24,00046,000,00010,447,796,000
Scenario 15MaliciousCTU-IoT-Malware-Cap-48-1Mirai24,00013,000,0003,394,347,000
Scenario 16MaliciousCTU-IoT-Malware-Cap-39-1IRCBot700073,000,00073,568,982,000
Scenario 17MaliciousCTU-IoT-Malware-Cap-7-1Linux, Mirai24,00011,000,00011,454,723,000
Scenario 18MaliciousCTU-IoT-Malware-Cap-9-1Linux, Hajime24,0006,437,0006,378,294,000
Scenario 19MaliciousCTU-IoT-Malware-Cap-3-1Muhstik36,000496,000156,104,000
Scenario 20MaliciousCTU-IoT-Malware-Cap-1-1Hide and Seek112,0001,686,0001,008,749,000
Scenario 21BenignCTU-Honeypot-Cap-7-1Soomfy Doorlock14008276139,000
Scenario 22BenignCTU-Honeypot-Cap-4-1Phillips HUE24,00021,000,000461,000
Scenario 23BenignCTU-Honeypot-Cap-5-1Amazon Echo5400398,000,0001,383,000
Table 5. CNN model training results.
Table 5. CNN model training results.
DatasetWithout SamplingCallBacksRandom under SamplerSMOTESMOTE TomekBorderline SMOTEADASYN
AccuracyCTU130.9975200.9980440.9715560.9978050.9951400.9935380.993538
IoT230.9523650.9452870.8928220.8965510.9452870.8928360.896751
PrecisionCTU130.8865150.8688710.1955950.7614600.5883510.7011670.517816
IoT230.7369590.8457270.9955600.9955600.9977800.9999700.999989
RecallCTU130.7369590.8457270.9955600.9955600.99778011
IoT230.99162110.8866440.89058710.8866600.890785
F-ScoreCTU130.8048480.8571430.3269550.8629150.7402220.8243370.682317
IoT230.9752210.9718740.9399040.9421160.9718740.9399120.942233
FPRCTU130.0006590.0008920.0286120.0021790.0048790.0029780.006507
IoT230.72587810.0004370.00040210.0004550.000175
Table 6. CNN-LSTM model training results.
Table 6. CNN-LSTM model training results.
DatasetWithout SamplingCallBacksRandom under SamplerSMOTESMOTE TomekBorderline SMOTEADASYN
AccuracyCTU130.9971350.9919590.9350470.9874220.9772010.9720640.972064
IoT230.9443160.8893670.9452660.8928050.9620970.8786990.892822
PrecisionCTU130.8720110.4559460.0914520.3302410.2242160.1903680.195288
IoT230.9582500.9958510.9452880.9999700.1544020.9957980.958250
RecallCTU130.6881240.8213100.9356270.7902330.9289680.9709360.930078
IoT230.9839630.8866580.9999760.8866270.9966700.8753720.983963
F-ScoreCTU130.7692310.5863710.1666170.4658160.3612430.9709360.316048
IoT230.9709360.9380870.9718630.9398940.2673810.9317100.970936
FPRCTU130.0007060.0068490.0649570.0112000.0224620.0008920.027643
IoT230.7406790.0638240.9999650.0004550.0381440.0638240.970936
Table 7. Comparative study.
Table 7. Comparative study.
WorkYearMethodDatasetAccuracy
[42]2018PSI Graph CNN ClassifierIoTPOT-IotBotnet92%
[43]2019Decision TreeCTU-1397.54%
[44]2019MEFCReal life dataset87.04%
[45]2019Hybrid feature selectionNSL-KDD UNSW-NB1591.27%
[23]2020Reinforcement learningISOT, P2P, ISCX98.3%
[46]2021Representativeness-based instance selectionKDD Cup 9994.25%
[47]2021Sparse autoencoderNSL-KDD CIC-IDS2017 AWID98.10%
[29]2022Extreme learningMedBIoT97.7%
[30]2023SVM DT MLPCTU-1392%
[32]2023Active learningMedBIoT97%
[48]2023BiGRU-RNNIoT-bot97%
Proposed2023Hybrid CNN-LSTMCTU-13 IoT-2398.74% 98.29%
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Djenna, A.; Barka, E.; Benchikh, A.; Khadir, K. Unmasking Cybercrime with Artificial-Intelligence-Driven Cybersecurity Analytics. Sensors 2023, 23, 6302. https://doi.org/10.3390/s23146302

AMA Style

Djenna A, Barka E, Benchikh A, Khadir K. Unmasking Cybercrime with Artificial-Intelligence-Driven Cybersecurity Analytics. Sensors. 2023; 23(14):6302. https://doi.org/10.3390/s23146302

Chicago/Turabian Style

Djenna, Amir, Ezedin Barka, Achouak Benchikh, and Karima Khadir. 2023. "Unmasking Cybercrime with Artificial-Intelligence-Driven Cybersecurity Analytics" Sensors 23, no. 14: 6302. https://doi.org/10.3390/s23146302

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

Article Metrics

Back to TopTop