Dependable Intrusion Detection System for IoT: A Deep Transfer Learning-based Approach
Abstract
Security concerns for IoT applications have been alarming because of their widespread use in different enterprise systems. The potential threats to these applications are constantly emerging and changing, and therefore, sophisticated and dependable defense solutions are necessary against such threats. With the rapid development of IoT networks and evolving threat types, the traditional machine learning-based IDS must update to cope with the security requirements of the current sustainable IoT environment. In recent years, deep learning, and deep transfer learning have progressed and experienced great success in different fields and have emerged as a potential solution for dependable network intrusion detection. However, new and emerging challenges have arisen related to the accuracy, efficiency, scalability, and dependability of the traditional IDS in a heterogeneous IoT setup. This manuscript proposes a deep transfer learning-based dependable IDS model that outperforms several existing approaches. The unique contributions include effective attribute selection, which is best suited to identify normal and attack scenarios for a small amount of labeled data, designing a dependable deep transfer learning-based ResNet model, and evaluating considering real-world data. To this end, a comprehensive experimental performance evaluation has been conducted. Extensive analysis and performance evaluation show that the proposed model is robust, more efficient, and has demonstrated better performance, ensuring dependability.
Index Terms:
Internet of Things, Dependability, Intrusion Detection Systems, Cybersecurity, Deep Transfer Learning.I Introduction
Security is an essential component of a dependable system. Since the inception of the Industry 4.0 revolution early last decade, the integration of intelligent Internet of Things (IoT) sensors has become inevitable to keep running the latest enterprise ecosystem smoothly. Thus, the popularity of IoT devices has greatly increased over the last couple of years because of their appealing connectivity, communication, and decision-making features [1]. Admittedly, the rise of cyber-attacks has increased in line with the massive online deployments of IoT devices [2]. However, the cyber-physical world is not always predictable [3]. Although the interactions within integrated cyber-physical systems are complex, there is no doubt that they must be "dependable" [4]. Future heterogeneous IoT applications must close the dependability gap in the face of various challenges and services, such as the ability to overcome data anomalies, avoid catastrophic failures, avoid data corruption, and prevent deliberate privacy intrusions, among others [4, 5]. As industrial heterogeneous IoT devices have proliferated (25.1 billion by 2025 forecast by the GSM Association). This, has had a direct impact on our socio-economic lives [6, 7]. So, security and privacy issues relating to industrial heterogeneous IoT devices need to be addressed by ensuring dependability with care and attention.
Generally, IoT-based applications consist of lightweight communication protocols with limited computational power and storage capacity [8, 9]. However, traditional security mechanisms require high computational capabilities [2]. As a result of their heterogeneous nature and characteristics, this mechanism cannot be directly deployed for IoT-based applications [2, 8]. As IoT applications operate inside the network, this mechanisms seem to be insufficient because of their characteristics, which only identify external attacks [10]. Because of the overwhelming rise of IoT threats and vulnerabilities, they have already shown their inadequate strength to fight against targeted attacks and associated anomalies [11]. As a result, the potential threats to the IoT ecosystem are constantly emerging and changing, and the exact nature of these threats or attacks is complex to investigate.
Furthermore, traditional machine learning (TML) algorithms have advanced significantly, and some of their variants have been successfully applied to solve classification tasks related to intrusion detection [12, 13]. Also, the progression of deep learning (DL) and its great success in different fields has guided it as a potential solution for network intrusion detection [12]. However, most of proposed IDSs focus on detecting a limited number of cyber-attack types and device profiling and do not consider automatic attack type classification and dependability [14]. Most importantly, these models require a large amount of training data, and the size of training datasets affects the accuracy of the model when the training data is insufficient, as highlighted by the authors in [15, 16]. As a result, the TML and DL models need sufficient training data, and it is difficult to train a dependable IDS model only depending on a small-scale of target domain data.
With the rapid development of IoT networks and the emergence of new threat types, deep transfer learning (DTL) models, which have effectively solved many nonlinear problems, can be used as a promising solution for building a dependable IDS for the IoT ecosystem [17]. Specifically, in the Industry 4.0 revolution, heterogeneous IoT applications require a high level of dependable security structure [18]. Therefore, there is a need for a dependable intrusion detection system to identify malicious activity within any heterogeneous IoT network. Dependability performance analysis includes availability, efficiency, and scalability features [4]. An IDS model’s availability is determined by how often it is available, and its efficiency is how well it performs with low computational complexity [4]. Also, scalability is the capability to adapt easily to the increased number of data sources from a wider range of IoT sensors [19]. To consider all the dependencies, we propose a deep transfer learning-based residual neural network (P-ResNet) IDS that can train efficiently using only a small scale of target domain data and understand its impact by ensuring dependability with low computational capabilities. Figure 1 shows the motivation on how the proposed IDS can be applied to the IoT network toward effective attack detection.

The proposed method can accurately classify between normal and attack scenarios without any type of failure or undergoing a repair action, which maintains the availability. Moreover, the proposed model increased the scalability properties by including various heterogeneous trusted data sources in the training dataset with maximum consistency that were acquired from a wider range of IoT sensors. Finally, our proposed model improves performance compared to several other existing approaches. The overall accuracy of the proposed detection model is 87% with low computational complexity. Moreover, the model also greatly improves the precision score of 88%, the recall score of 86%, and the f1-score of 86%, which are higher than the benchmark models. This demonstrates that the proposed detection method is more efficient than others. Extensive analysis and performance evaluation show that the proposed model is robust, more efficient, and has demonstrated better performance, ensuring dependability. The key contributions of this paper are summarized as follows:
-
•
In this work, a deep transfer learning-based residual neural network (ResNet) has been proposed for effective intrusion detection. This model effectively detect various cyber threats against heterogeneous IoT networks. Such threats include, denial-of-service (DoS), distributed denial-of-service (DDoS), data injection, man-in-the-middle (MITM), backdoor, password cracking attack (PCA), scanning, cross-site scripting (XSS), and ransomware attack.
-
•
The experiments have been conducted using IoT data generated from heterogeneous sources that include seven IoT sensors. We have observed empirical IoT stream data to identify the best features in the context of supervised learning for speeding up training and improving performance metrics while ensuring its dependability.
-
•
Finally, comprehensive experimental performance analyses have been conducted considering various deep learning and deep transfer learning algorithms. Extensive analysis and performance evaluation show that the proposed model is more dependable and outperforms others.
The rest of this research paper is organized as follows. First, Section II discusses the background and related works. In Section III, we present the details of our proposed methodology. Section IV presents a detailed description of the dataset and the training process of the selected models. Furthermore, evaluation and experimental results analysis of the methods are discussed in Section V. Finally, the summary and possible future research directions are given in Section VI.
II Related Work
While investigating the most recent relevant works, we found several works that overlap similar motivations differently. The following discussion illustrates those works before we demonstrate our proposed methodology.
Deep transfer learning is a solution that can reuse existing knowledge from the previously trained model and achieve better intrusion detection performance than other models [14]. The transfer learning model proposed by Zadrozny et al. [20] for intrusion detection, shows more efficient performance in both labeled and unlabeled data. Dai et al. [21] also proposed a transfer learning model called TrAdaBoost. This model allows knowledge to be efficiently transferred from the old trained data to construct a more efficient classification model for the new validation data. Raina et al. [22] proposed a transfer learning model that builds an informative model on existing knowledge before validating a particular new task. Gou et al. [23] proposed a novel transfer learning algorithm to detect different cyber-attacks on large-scale IoT ecosystems. The experimental analysis shows that the detection accuracy of the proposed model for different types of cyber-attacks has been comprehensively improved.
Furthermore, Li et al. [14] proposed a transfer learning approach for intrusion detection of different types of attacks on the Internet of Vehicles (IoV). The experimental analysis shows that the model has greatly improved the detection accuracy rate by 23%. Xu et al. [24] proposed an intrusion detection approach based on deep learning and transfer learning. Here, transfer learning is initiated to enhance the efficiency and adaptability of the model. The experimental analysis shows that the proposed model is more efficient and robust than other methods and performs better in detecting and classifying new cyber-attacks more effectively. In addition, a real-time, dependable method for human activity classification based on transfer learning has been proposed by Wan et al. [25]. The experimental analysis shows that the proposed method outperforms others. Recently, Jiang et al. [26] proposed a dependable deep learning-based model design for IoT load identification in smart grid. The experimental results demonstrate the good generalization performance and superiority for NILMI in IoT load monitoring systems. However, further analyses are necessary to investigate the performance of new complex types of cyber-attacks in various categories. A summary of all the existing literature that overlap similar motivations differently is given in Table I. The literature is organized according to detection_category, model_accuracy, proposed_methodology, validation_strategy, and dependability_performance_analysis of the proposed model.
To get the optimal performance of existing transfer-learning models and maintain the knowledge transfer process in realistic models for heterogeneous IoT ecosystems, the deep computational intelligence system has recently been applied in transfer-learning [27]. So, the existing transfer learning solutions for intrusion detection still require a small amount of labeled data for model updates in heterogeneous IoT applications, ensuring dependability. A new-generation labeled TON_IoT_Telemetry_Dataset of IoT devices for data-driven IDS was proposed by Alsaedi et al. [6], which is more suitable for applying deep transfer learning models. The deep transfer learning approach shows better performances in time series classification than other models [24]. Because of the original situation of heterogeneous IoT applications, this paper has comprehensively improved the existing transfer learning model to ensure its dependability for detecting various complex types of cyber-attacks.
Ref. | Detection Category | Accuracy | Proposed Methodology | Validation Strategy | Dependability |
---|---|---|---|---|---|
[20] | Learning and Evaluating Classifiers | 90% | Transfer Learning | Analytical and Experimental | N |
[21] | Efficiently Transferred Trained-data | 85% | Transfer Learning | Theoretically and Empirically | N |
[22] | Intrusion Detection System | 85% | Transfer Learning | Simulation | N |
[23] | Intrusion Detection System | 90% | Distributed Transfer Learning | Empirical (6 Devices) 4 Categories | P |
[14] | Intrusion Detection System | 85% | Transfer Learning | Empirical | N |
[24] | Intrusion Detection System | 80% | Deep Transfer Learning | Empirical (4 Devices) 6 Categories | P |
[26] | Device Load Monitoring System | 85% | Transfer Learning | Experimental | N |
[18] | Decision-Making in CPSs | 85% | Model-based In-network | Experimental | C |
Proposed | Intrusion Detection System | 87% | Deep Transfer Learning | Empirical (7 Devices) 9 Categories | C |
III Proposed Methodology
This section presents our proposed dependable IDS model of a deep transfer learning-based residual neural network (P-ResNet). We first introduce the problem statement. Next, we thoroughly explain the structure of the proposed model and how we adapted the model for the DTL process.
III-A Problem Statement
Six key motivations studied inspired this research paper. First, most proposed IDSs focus on detecting a limited number of cyber-attacks [1]. In this case, our proposed model’s target is to identify and classify a wide range of cyber-attacks efficiently (e.g., DoS, data injection, MITM, backdoor, PCA, scanning, and ransomware). Such attacks are significantly more challenging to detect at low computational complexity.
There is limited device profiling in the existing research[14]. Therefore, this paper considers the behavior of seven different IoT devices (e.g., fridge, GPS tracker, motion light, garage door, modbus, thermostat, and weather sensor) to increase the integrity properties of our proposed DTL-based P-ResNet model.
Furthermore, most proposed IDSs did not consider automatic attack type classification and dependability [6]. However, our proposed DTL-based P-ResNet model can automatically detect different attacks and efficiently classify different attack scenarios while ensuring dependability.
Most importantly, the existing TML and DL-based IDSs have apparent advantages in detecting various cyber-attacks [28]. However, these models require a large amount of training data, and the size of training datasets affects the accuracy of the model when the training data is insufficient, as has been confirmed by the subsequent experiment [15]. As a result, the TML and DL models need sufficient training data, and it is challenging to train an efficient IDS model only depending on a small-scale of target domain data.
Moreover, IoT-based applications typically consist of lightweight communication protocols with limited computational power and storage capacity [8]. However, traditional security mechanisms require high computational capabilities [15]. As a result, these conventional security mechanisms cannot be directly deployed for IoT-based applications due to their heterogeneous nature and characteristics (e.g., less scalability, inefficiency) [2, 8]. Furthermore, as IoT applications operate inside the network, traditional security mechanisms seem to be insufficient because of their features, which only identify external attacks [10]. Because of the overwhelming rise of IoT threats and vulnerabilities, traditional security mechanisms have already shown their inadequate strength to fight against targeted attacks, and associated anomalies [11]. As a result, the potential threats to the heterogeneous IoT ecosystem are constantly emerging and changing, and the exact nature of these threats is unknown.
To address the last two dependencies of the TML and DL models, we propose a dependable deep transfer learning-based residual neural network (P-ResNet) IDS that can train efficiently using only a small scale of target domain data and understand its impact with low computational capabilities. The proposed P-ResNet model significantly enhances the performance of neural networks with more layers. Generally, our proposed model tries to tackle those dependencies by directly bypassing the input data to the output layer, allowing the output layer to access the raw data. Therefore, we transfer the knowledge in source domain data to the target domain through the proposed P-ResNet model and combine the target domain data with the same model to construct an efficient and dependable IDS for the target domain to improve the detection accuracy for any heterogeneous IoT ecosystem.
Finally, most of the previously proposed IDSs didn’t consider dependability performance analysis [4]. In this case, we have analyzed the dependability performance to ensure the availability, efficiency, and scalability features of our proposed deep transfer learning-based P-ResNet IDS model.
III-B ResNet with Deep Transfer Learning
Deep neural network (DNN) depth is an essential aspect of model performance[14, 27]. More complex features may be extracted by a DNN algorithm with more layers [24]. As a result, deeper DNNs may theoretically result in better performance. If the number of DNN layers increases, the degradation problem causes the DNN algorithms’ to become more saturated [6]. The deep residual network (ResNet) tries to tackle this problem by directly bypassing the input data to the output layer, allowing the output layer to access the raw data. Our proposed P-ResNet model consists of multiple residual blocks, each of which may be defined as- , where x denotes the input data, V(x) denotes the identity residuals mapping function, and U(x) denotes the mapped solution function.
Deep transfer learning is a supervised machine learning technique that uses a small-scale dataset to apply a pre-trained model [24]. The definition of deep transfer learning has been given in terms of source and target domains. A labeled domain IoT dataset consists of data instances and a label . A task is defined as the connection of label with a prediction function to be learned from the labeled domain data. The source domain and target domain datasets are denoted by and , while the source tasks and target tasks are denoted by and respectively. We assume that and , which represent the ubiquitous computing issue to be solved and the corresponding labeled dataset, are accessible.
Source Domain: The domain where the initial model is located. The source domain data () is the combination of , in which the class of the source domain () is 0, and 1, where the normal and attack scenarios are represented by 1 and 0, respectively.
Target Domain: The domain has a new type of attack. The target domain data () is the combination of , in which the class of target domain () is 0 and 1, where the normal scenario is represented by 1 and the attack scenario is represented by 0.
The number of source and target domain data is represented by n and m, respectively. Furthermore, the source domain label () and the target domain label () contain only “normal” and “attack” data, but attackers in the source domain and target domain may be different. Although the source domain label () and the target domain label () have the same feature space, their performance in specific features is different. To measure the difference between the source domain and the target domain, we have used the following formula (1), which is called Maximum Mean Discrepancy (MMD) [12].
(1) |
We propose a deep transfer learning method that transfers DNN weights learned on different attack classification problems on to another DNN trained to solve on . Our proposed method in Figure 3 belongs to the category of inductive transfers since the source tasks and target tasks are distinct . The steps are as follows:
-
•
Definition of source domain and source task : is firstly built by considering multiple channel IoT datasets (e.g. sensor etc.). Each sequence in the dataset is decomposed into single channels, each of which is divided into different segments of length using a sliding_window_approach. All the segments are combined to form the source dataset , which is defined by the following formula (2):
(2) Here, refers to the segment of the source dataset , and refers to the total number of segments obtained from the source dataset . That is to say, is the union of all segments extracted from the multiple channel source datasets . The source task is defined as the classification of different attacks on the source domain . Source labels are defined by the following formula (3):
(3) Here, is the number of classes of the source domain (e.g., normal and attack), and indicates the label of . Furthermore, is the source prediction function which attributes each to its corresponding label , whether normal or attack.
-
•
Learning of source prediction function : A single-channel DNN is used to learn the source prediction function . For the single-channel DNN architecture, a batch normalization layer used to perform a regularization on the segments in the source dataset to address the issue of the heterogeneity of the source data. Assuming the single-channel DNN contains hidden layers, we denote the weight matrix and bias vector of the layer as and , respectively. Finally, a softmax layer with neurons is added, with each neuron of the layer outputting a value that estimates of probability to its corresponding class. This way, the single-channel DNN can classify the segments of source dataset using the source labels .
-
•
Initialization of a multi-channel DNN: A multi-channel DNN is defined to learn the target prediction function . It is trained using target dataset which contains multi-channel segments , with being the number of channels of the target dataset and target label which contains associated labels with being the number of classes of the target problem. For the multi-channel DNN architecture, a batch normalization layer is applied to the segments to perform an operation akin to a standard normalization on the input of the network. The sensor channels are then separated. The sensor channel is processed by an ensemble of hidden layers of the same number and type as the hidden layers of the single DNN. We refer to this ensemble of layers as a branch of the multi-channel DNN. The output of each branch is then concatenated and connected to fully-connected layers. A softmax layer with the target class neurons is added to output class probabilities for the target classes.
-
•
Transfer of weights from single to multi-channel DNN: The weights and biases of the hidden layers of the single DNN learned on are transferred to the branches of the multi-channel DNN. In other words, the layer of the branch (for and has its weight and bias matrices and initialized as and , respectively.
-
•
Learning of target prediction function : The multi-channel DNN is fined-tuned using to learn , which is the predictive function for the target ubiquitous computing problem.
III-C Proposed Architecture
Figure 2 shows the block diagram of the proposed model for IDS, which predominantly includes two parts: the first is the model training part, and the second is the intrusion detection part. For the training part, after prepossessing the network data, we applied it to our proposed model.

The most significant parameters of this model have been determined through subsequent empirical experiments. The model with the optimal prediction performance on the training set has been selected as the final intrusion detection model for heterogeneous IoT applications. For the intrusion detection part, we have trained the P-ResNet model with a randomly selected training dataset and validated the model with a validation dataset. The detection performance of the models under the discrete types of parameters is compared. We have also analyzed the dependability performance of our proposed model. Finally, the optimal dependable model has been selected as the final detection model in the field of heterogeneous IoT applications. Table II shows the hyper-parameters of the proposed model.
Hyper-parameters | Value/Function |
---|---|
Number of Hidden Layers | 4 |
Units in hidden layers | 64, 128, 256, 128 |
Batch size | 64 |
Epochs | 200 |
Hidden layer activation function | ReLu |
Output layer activation function | Softmax |
Dropout | N/A |
Optimizer | Ada Delta |
Loss function | Categorical Crossentropy |
The network architecture of the proposed P-ResNet model is shown in Figure 3. The input of the network is the same shape. There have been four layers in our proposed model without the input layer. The first layer is the combination of 64 filters of kernel length 8, the second layer is the combination of 128 filters of kernel length 8, the third layer is the combination of 256 filters of kernel length 5, and the last layer is the combination of 128 filters of kernel length 3. Each layer is a one-dimensional convolution layer is followed by a BatchNormalization() and Rectified Linear-Unit (ReLU) activation function, which is called the feature smoothing layer (FSL). FSL has been used to keep the tensors’ shape and smooth the pre-trained tensors to learn features from the new training dataset. After the pre-trained residual blocks (transfer pre-trained knowledge), the FSL has been inserted. The feature extraction layer (FEL) used the first three operations to double the number of channels and fatten the feature map into one dimension. The FEL extracted operation-based features and abstracted important information to describe the previous layer, which improves the final fully-connected layer with these abstracted features.

Each block takes the previous block’s outputs as inputs for the current block and performs some non-linearity operations to transform it into a multivariate series whose dimensions are defined by the number of filters in each layer. The fifth layer is the combination of a GlobalAveragePooling1D() operation, which takes the input of the previous block and averages each series. This operation drastically reduces the number of parameters in a deep model while enabling the use of a class activation map [2] which allows an interpretation of the learned features. The output of the gap layer is then fed to a softmax classification layer whose number of neurons is equal to the number of classes in the dataset. To reduce the overfitting problem of the proposed model, we have considered various strategies, including data augmentation to the training set, adding Gaussian noise during training time, decreasing the network size, and the EarlyStopping method. Skip connections enable feature re-usability and stabilize training and convergence. Finally, we have deployed a skip connections technique of our proposed model by using a vector addition method. Then the gradient would be multiplied by one and its value, which was maintained in the earlier layers. This enabled us to identify the effect of deep transfer learning.
IV Model Implementation and Evaluation
We have performed all the analyses on a computer with an Intel (R) Core (TM) i7-6800K CPU (3.40GHz) and a GeForce GTX 1080Ti. This section has performed a series of operations on the original combined dataset without changing its properties. Also, we have thoroughly explained the training process and provided an overview of selected models.
IV-A Dataset Description
The dataset has been generated from various heterogeneous sources, including seven IoT sensors, (e.g., fridge_sensor, GPS_tracker_sensor, motion_light_sensor, garage_door_sensor, modbus_sensor, thermostat_sensor, and weather_sensors). The fridge_sensor measures the fridge_temperature and temperature_condition, whether it is high or low, based on a preset threshold value. The GPS_tracker_sensor determines the geographic position, such as latitude and longitude of an object. The motion_light_sensor includes two characteristics, i. e., motion_status and light_status. The light_status is changed based on the pseudo-random signal generated by the motion_status. The garage_door_sensor observed two-states, door_state and sphone_signal. The first is observed when the door is open or closed and the second is where the signal is true or false when receiving the door signal on a phone. The modbus_sensor simulates the functionality of the Modbus devices for communication with each other with the help of some register (e.g., input_register, discrete_register, holding_register, and a coil_over_register). The thermostat_sensor governs the temperature of a physical system by regulating a heating or cooling system, where current_temperature and thermostat_status are the fundamental features. The weather_sensors produce air_temperature, air_pressure, and air_humidity data.

Each IoT dataset has been combined into one CSV file by a Python script. The combined dataset has 22 features, including the label feature. The label feature contains two quantitative values, i.e., 0 and 1, which indicate normal and attack scenarios, respectively. Nine types of cyber-attacks (denial of service (DoS), distributed denial of service (DDoS), data injection, man-in-the-middle (MITM), backdoor, password cracking attack (PCA), scanning, cross-site scripting (XSS), and ransomware) have been considered against the IoT sensors mentioned above. Figure 4(a) shows the statistics of the abnormal dataset with attacks and figure 4(b) shows the class distribution of the combined dataset.
IV-B Data Preparation
To achieve optimal performance and improve the learning process, it is necessary to clean and prepare the dataset before applying DTL methods. Data preparation is generally done by removing unnecessary features, checking the variation of independent features, converting non-numerical features, removing outliers, and replacing missing values if they exist. The two fundamental steps apply during the data preparation process. The first is data pre-processing, and the second is data transformation step.
IV-B1 Data Pre-processing
This dataset originates from multiple heterogeneous sources. Due to its vast size, this dataset is highly susceptible to missing and noisy data. This section discusses the essential steps in data pre-processing: data-cleaning and data-integration.
-
•
Data Cleaning: First, we have applied various techniques to remove noise and clean inconsistencies in the dataset. For example, Rosner’s Test for outliers checking, and the predictive mean matching method for imputing missing values. Then, to apply DTL models, we have converted the qualitative values into quantitative values. To cite an example, the door_state feature in the dataset, which has qualitative values of ‘open’ and ‘closed’, has been converted into ‘1’ and ‘0’. The conversion to quantitative values was performed using a numerical convolution label-encoding library numconv [29]. Some features, such as - date, time, and timestamp, have been omitted from feature vectors as they may cause them to overfit the training data. Furthermore, the input data shape has been reshaped into three dimensions to feed the models by applying numpy.reshape mechanism with swapaxes and concatenate methods.
-
•
Data Integration: To improve the accuracy and speed of the training and validation processes, the data integration technique helped us reduce and avoid redundancies in the resulting dataset. This dataset originates from multiple heterogeneous sources. So, it is essential to combine all the IoT sensors’ data by redundancy and correlation analysis. This analysis has measured how strongly one feature, i.e., door_state implies the other, i.e., light_status. Figure 5 shows the correlation between different features. For our analysis, we have evaluated the correlation between all the features using the following Pearson’s product-moment coefficient equation.
(4) Where n is the number of tuples, xi and yi are the respective values in tuple i, and and are the respective mean values of x and y.
Figure 5: Correlation visualization
IV-B2 Data Transformation
We applied this processing step to achieve more efficient resulting processes and easily understand the patterns. Some selected features have larger values than others, which leads to incorrect performance, though some models might prefer the large feature values. We have performed these strategies to scale the selected feature values within a range between [0.0, 1.0] without changing the characteristics of the data [30]. As shown in the following equation (5), a technique called minimum-maximum normalization has been used to scale the selected feature values within the range.
(5) |
Where, X is an original value and Xmax and Xmin are the maximum and minimum values of the feature, respectively.
IV-C Training Process
As discussed in the previous section, all the datasets have been converted into a combined dataset by a Python script containing the training and validation data. First of all, we have divided the combined dataset into the training data set (80%) and the test data set (20%) by using the train_test_split method of the scikit_learn library. The training data set has been used to train the selected models. On the other hand, the test data set has been used to further assess the trained classifier of those models.

Furthermore, we again split the training data (80% of the total data) into the new training data (80%) for training the selected model and validation data (20%) for hyperparameters’ optimization. Proportions of 80% for the training dataset and 20% for the validation dataset have been chosen as suggested in [29]. To avoid the overfitting problem, this splitting ratio has been considered the best ratio between the training and the validation dataset [31]. We want to highlight some DTL models that give better performance than others [2]. We have selected Fully Convolutional Networks (FCN), LeCun Network (LeNet), Inception Network (IncepNet), Multi Channel Deep Convolutional Neural Network (MCDCNN), Convolutional Neural Network (CNN), Long Short-Term Memory (LSTM), Multilayer Perceptron (MLP), and our proposed Residual Neural Network (P-ResNet). We have also considered DL algorithms because some of their variants have been successfully applied to solve classification tasks related to intrusion detection [12, 32]. Therefore, we have considered Long Short-Term Memory (LSTM), Neural Network (NN), Convolutional Neural Network (CNN), and Recurrent Neural Network (RNN) algorithms because of their optimal performance. The overall performance of the selected models has been evaluated with a wide range of tested hyperparameters. Figure 6 summarizes the steps involved in evaluating the performances of the selected models.
V Result Analysis
This section discusses the overall performance of the selected models. We incorporated a wide range of analysis scenarios with varying measurement indicators, including accuracy, precision, recall, ROC AUC, and f1-score. We also concentrated on the optimization of the hyper-parameters for improved performance.
V-A DL Metrics Analysis
In recent years, DL algorithms have advanced significantly, and some of the variants of DL algorithms have been successfully applied to solve classification tasks related to intrusion detection [12]. Therefore, we considered DL algorithms in this section because of their optimal performance. In this experiment, we considered LSTM, NN, CNN, and RNN. The LSTM and NN models show the highest accuracy score of 0.82. Dramatically, the other performance metrics of these two models are almost similar. Figure 7 shows the performance comparison between selected DL models and the proposed DTL-based P-ResNet model. For the LSTM model, we used three hidden-layers, where the units of hidden layers were 128, 100, and 64, respectively. The tanh is the hidden layer activation function, and Adam is used as an optimizer. Also, sigmoid is used as a network output activation function, and “categorical_crossentropy" is used as a loss function. The RNN and CNN models outperform most TML algorithms, with an accuracy score of 0.80 and 0.79, respectively. Furthermore, both the NN and CNN models used the same optimizer and activation function but different types of the hidden layer activation function. Particularly for the RNN model, the softmax is used as the network output activation function, and “categorical_crossentropy" is used as the loss function. On the other hand, for the CNN model, the number of hidden layers is four and “binary_crossentropy" is used as the loss function. Finally, considering all the significant parameters of the DL models, the NN and LSTM models have shown the optimal performance, which indicates that most of the predicted labels are correctly classified. However, when we applied our proposed P-ResNet model to the same dataset, the model performed significantly better in most cases. In such cases, accuracy, precision, f1-score, and ROC AUC are better than in other experimental scenarios.

V-B DTL Metrics Analysis
In recent years, the progression of deep transfer learning and its great success in different fields mean it has emerged as a potential solution for dependable network intrusion detection [12]. Besides considering the fundamental evaluation criteria, we also incorporated other deep learning evaluation criteria, for example, the numbers of hidden layers, units in the hidden layers, output layer activation functions, loss functions, etc. These criteria helped to calculate and report the classification results effectively. First, we consider the quantitative performance of DTL models. Table III shows the quantitative performance summary of the DTL models.
Algorithm | Accuracy | Precision | Recall | F1Score | ROC AUC |
---|---|---|---|---|---|
FCN | 0.84 | 0.85 | 0.84 | 0.83 | 0.81 |
LeNet | 0.80 | 0.82 | 0.80 | 0.79 | 0.76 |
IncepNet | 0.80 | 0.86 | 0.80 | 0.81 | 0.73 |
MCDCNN | 0.80 | 0.83 | 0.80 | 0.79 | 0.76 |
CNN | 0.81 | 0.83 | 0.81 | 0.80 | 0.76 |
LSTM | 0.85 | 0.84 | 0.77 | 0.77 | 0.83 |
MLP | 0.73 | 0.74 | 0.78 | 0.77 | 0.74 |
P-ResNet | 0.87 | 0.88 | 0.86 | 0.86 | 0.83 |
The proposed P-ResNet model shows optimal performance compared to the others, with an accuracy score of 0.87, precision score of 0.88, recall score of 0.86, f1-score of 0.86, and ROC AUC score of 0.83. We used four hidden-layers in this model, where ReLu is the hidden layer activation function. Also, softmax is used as a network output activation function, and “categorical_crossentropy" is used as a loss function along with the Adam optimizer. Figure 8 shows the accuracy score of every single epoch for both the training and validation phases of the selected models. Considering epoch numbers 170 to 200 for both phases, the flattening characteristics of the curve and accuracy are not increasing literally. Therefore, we have considered 200 epochs for our analysis. The proposed model shows the highest accuracy score in both the training and validation phases, whereas, the MLP model shows the lowest accuracy score during any setting of the epoch number within 1 to 200 in both the training and validation phases.

In detail, according to Figure 8, the accuracy of the MLP model starts around 0.67 for the training phase and 0.63 for the validation phase in epoch number 10. However, it increased dramatically to around 0.78 in epoch number 65 and 0.74 in epoch number 140 for the training and validation phases, respectively. However, for the training phase, the accuracy score (0.78) remains stable in epoch number 66 to 200.

On the other hand, for the validation phase, the accuracy score (0.74) remains stable between epoch numbers 141 and 200. As shown in Figure 8, the training and validation accuracy of CNN, IncepNet, LeNet, and MCDCNN models remains steady between epochs 1 and 200. The accuracy of LSTM and FCN models starts with a score of 0.82. However, this score rises gradually with the increase of the epoch number and reaches approximately 0.86 when the epoch number is 160 and then remains stable between epoch numbers 161 and 200 for both phases. The remarkable point is that the behavior of the training phase is almost identical to the validation phase. To better understand our proposed model Figure 9 shows the trend of the accuracy score of both phases. The proposed model’s accuracy increases rapidly at epoch number 60, reaching a peak of close to 0.87 at epoch number 169. However, as shown in Figure 9, it remains almost stable up to the early stopping checkpoint.

Next, we analyzed the losses of each model. The training and validation losses of every epoch are shown in Figure 10. The MLP model shows the highest losses in the training and validation phases. The highest loss of this model indicates that the model cannot provide a reliable classification between normal and attack scenarios. On the other hand, our proposed model shows the lowest loss for any epoch setting within 1 to 200. In detail, the loss of the proposed model starts around 0.41 for the training phase and 0.42 for the validation phase, as shown in Figure 11. However, it decreases to 0.27 for the epoch number 140 and 0.28 when the number is 145 for the training and validation phases, respectively. The loss score (0.27) remains stable between epoch number 141 and the early stopping checkpoint, which has been indicated by the red circle in Figure 11. The losses of the CNN, IncepNet, LeNet, and MCDCNN models remain almost steady during both the training and validation phases, between epochs 1 and 200, which is shown in Figure 10. The loss of the LSTM and FCN models is almost 0.42 at the beginning, which declines gradually to approximately 0.31 at epoch number 140 and remains stable for both phases.

During a concept drift scenario, the learning model drifts, which can be understood as changes in the relationship between the input and target output. In an IDS setup, their are significant challenges arising from the ‘concept drift’, especially in the context of streaming IoT data, where the dataset may not always be static but rather an evolving and moving target for detection. Authors in [33] highlight a set of open challenges faced by the modern ML-based IDS technologies and emphasize adopting concept drift within the solution framework. Gama et al. [34] highlight that transfer learning between the different contexts can be a promising solution to deal with the ‘concept drift’ challenges. McKay et al. [35] recently implemented an online transfer learning-based solution for concept drifting data streams. Hence, with confidence, we can argue that the proposed transfer learning-based solution has the potential to deal with concept drifting contexts, which we have scoped for future work.
V-C Performance Analysis on Training and Testing Time
The training time, testing time, and number of parameters were also calculated for each DL and DTL model. Table IV compares the total parameters, training time, and testing time for each model. In terms of the DL models, NN requires 2.660 seconds for a total of 50,985 trainable parameters, which is less testing time and a lower number of parameters than other DL models. Moreover, the NN model can be explained as other DL models were lazy learners who used the training phase to store the data and then used the data during the test phase to make a prediction, which makes the testing phase slower, though the number of parameters (trainable) was slightly increasing.
Algorithm | Params | Training Time (s) | Testing Time (s) | |
---|---|---|---|---|
Deep Learn. | NN | 50,985 | 3242.180 | 2.660 |
RNN | 59,205 | 3258.245 | 3.105 | |
CNN | 56,086 | 2763.788 | 2.667 | |
LSTM | 66,689 | 25921.078 | 5.940 | |
Deep Transfer Learning | FCN | 265,986 | 46756.338 | 7.722 |
LeNet | 260,052 | 38936.911 | 5.690 | |
IncepNet | 233,074 | 36657.213 | 4.229 | |
MCDCNN | 522,998 | 34198.530 | 3.075 | |
CNN | 202,686 | 33869.838 | 2.718 | |
LSTM | 385,538 | 44859.869 | 5.712 | |
MLP | 513,002 | 27065.069 | 3.192 | |
P-ResNet | 506,818 | 24401.586 | 3.014 |
On the other hand, in terms of the training and testing time, the FCN model requires the longest training and testing time of 46756.338 seconds and 7.722 seconds, respectively, for a total of 265,986 trainable parameters. Surprisingly, the CNN model has the lowest testing time of 2.718 seconds and training time of 33869.838 seconds, the third-lowest among all the DTL models. Furthermore, the LSTM model has a testing time of 5.721 seconds and training time of 44859.869 seconds, the third-longest testing time after the LeNet model, which has a training time of 38936.911 seconds and testing time of 5.690 seconds. One would be concerned that the LSTM and LeNet models have more parameters than the CNN. Both the MLP and MCDCNN models have almost the same testing time and number of parameters. Our proposed P-ResNet model requires a testing time of 3.014 seconds and training time of 24401.586 seconds, for a total of 511,002 trainable parameters, which is less than most of the selected DTL models. This can be explained as our proposed model is a fast learner that uses the training phase to train efficiently, and then uses the data during the test phase to make a prediction, which makes the testing phase faster. Considering all the performance indicators, we think our proposed model can be used for practical applications to protect Industry 4.0 manufacturing and other critical heterogeneous IoT-based infrastructures where dependable IDS system and secure data processing are the main challenges.
V-D Dependability Performance Analysis
In this section, we explored the dependability performance analysis of our proposed model. Dependability performance analysis includes availability, efficiency, and scalability features [4]. We consider various strategies to select features and then perform our proposed model to accurately classify normal and attack scenarios without any type of failure or undergoing a repair action, which maintains the availability of our proposed model. Moreover, extensive analysis and performance evaluation (e.g., accuracy, precision, ROC AUC, etc.) show that the proposed model is more efficient and demonstrates better performance than several other existing approaches with low computational loss. Figure 12 shows the efficiency and computational loss of the proposed model.

Finally, we observed an increase in the scalability properties of our proposed model by including various heterogeneous trusted data sources in the training dataset with maximum consistency that were acquired from a wider range of IoT sensors. As a result, our proposed model’s accuracy remained almost the same when we increased the epoch number from 125 to 200, indicating its scalability. Figure 13 shows the scalability performance of the proposed model.

VI Conclusion and Future Work
In this paper, we proposed a deep transfer learning-based dependable intrusion detection model along with improved performance in comparison to several other existing approaches. The overall accuracy of the proposed detection model is 87%, ensuring dependability and low time complexity. Moreover, the model also greatly improves the precision score of 88%, the recall score of 86%, and the f1-score of 86%, which are higher than the benchmark models. This demonstrates that the proposed P-ResNet model can effectively classify attack instances within various heterogeneous IoT networks, ensuring its dependability. Moreover, the proposed model has proven its potential to efficiently exhibit anomalous data identification to protect Industry 4.0 manufacturing and other critical infrastructures where dependable IoT-enabled automation and secure data processing are the main challenges. More precisely, our proposed mechanism provides a guideline for future research of dependable intrusion detection for IoT networks. In the future, we will concentrate on many IoT sensors and optimize the hyper-parameters of the proposed deep transfer learning for improved performance. We will also try to implement this proposed deep learning model based on privacy-preserving decentralized devices or servers.
References
- [1] E. Anthi, L. Williams, M. Słowińska, G. Theodorakopoulos, and P. Burnap, “A supervised intrusion detection system for smart home iot devices,” IEEE Internet of Things Journal, vol. 6, pp. 9042–9053, 2019.
- [2] L. D. Xu, W. He, and S. Li, “Internet of things in industries: A survey,” IEEE Transactions on Industrial Informatics, vol. 10, pp. 2233–2243, 2014.
- [3] R. Mahmud and A. N. Toosi, “Con-pi: A distributed container-based edge and fog computing framework,” IEEE Internet of Things Journal, p. 1–1, 2021.
- [4] M. Z. A. Bhuiyan, S. yen Kuo, D. Lyons, and Z. Shao, “Dependability in cyber-physical systems and applications,” ACM Trans. Cyber-Phys. Syst., vol. 3, no. 1, 2018.
- [5] M. A. Husnoo, A. Anwar, R. K. Chakrabortty, R. Doss, and M. J. Ryan, “Differential privacy for iot-enabled critical infrastructure: A comprehensive survey,” IEEE Access, vol. 9, pp. 153276–153304, 2021.
- [6] A. Alsaedi, N. Moustafa, Z. Tari, A. Mahmood, and A. Anwar, “Ton_iot telemetry dataset: A new generation dataset of iot and iiot for data-driven intrusion detection systems,” IEEE Access, vol. 8, pp. 165130–165150, 2020.
- [7] M. Antonakakis, T. April, M. Bailey, M. Bernhard, and E. Bursztein, “Understanding the mirai botnet,” in 26th USENIX Security Symposium,Vancouver, BC, Canada, pp. 1093–1110, 2017.
- [8] E. Sisinni, A. Saifullah, S. Han, U. Jennehag, and M. Gidlund, “Industrial internet of things: Challenges, opportunities, and directions,” IEEE Transactions on Industrial Informatics, vol. 14, pp. 4724–4734, 2018.
- [9] K. F. Hasan, T. Kaur, M. M. Hasan, and Y. Feng, “Cognitive internet of vehicles: Motivation, layered architecture and security issues.” International Conference on Sustainable Technologies for Industry 4.0 (STI), 2019.
- [10] T. Yu, V. Sekar, S. Seshan, Y. Agarwal, and C. Xu, “Handling a trillion (unfixable) flaws on a billion devices:rethinking network security for the internet-of-things,” in in Proceedings of the 14th ACM Workshop on Hot Topics in Networks, ACM, 2015.
- [11] J. Gubbi, R. Buyya, S. Marusic, and M. Palaniswami, “Internet of things (iot): A vision, architectural elements, and future directions,” Future generation computer systems, vol. 29, pp. 1645–1660, 2013.
- [12] A. Nisioti, A. Mylonas, P. D.Yoo, and V. Katos, “From intrusion detection to attacker attribution: A comprehensive survey of unsupervised methods,” IEEE Communications Surveys Tutorials, vol. 20, pp. 3369–3388, 2018.
- [13] A. Alsaedi, Z. Tari, R. Mahmud, N. Moustafa, A. N. Mahmood, and A. Anwar, “Usmd: Unsupervised misbehaviour detection for multi-sensor data,” IEEE Transactions on Dependable and Secure Computing, pp. 1–1, 2022.
- [14] X. Li, Z. Hu, M. Xu, Y. Wang, and J. Ma, “Transfer learning based intrusion detection scheme for internet of vehicles,” Information Sciences, vol. 547, pp. 119–135, 2021.
- [15] A. Jurcut, T. Niculcea, P. Ranaweera, and N. Le-Khac, “Security considerations for internet of things: A survey,” SN Computer Science, vol. 1, pp. 6–19, 2020.
- [16] S. Raza, L. Wallgren, and T. Voigt, “Svelte: Real-time intrusion detection in the internet of things,” Ad Hoc Networks, vol. 11, pp. 2661–2674, 2013.
- [17] J. Gao, L. Gan, F. Buschendorf, L. Zhang, H. Liu, P. Li, X. Dong, and T. Lu, “Omni scada intrusion detection using deep learning algorithms,” EEE Internet of Things Journal, vol. 8, pp. 951–961, 2021.
- [18] M. Z. A. Bhuiyan, G. Wang, J. Wu, J. Cao, X. Liu, and T. Wang, “Dependable structural health monitoring using wireless sensor networks,” IEEE Transactions on Dependable and Secure Computing, vol. 14, no. 4, pp. 363–376, 2015.
- [19] G. Falco, C. Caldera, and H. Shrobe, “Iiot cybersecurity risk modeling for scada systems,” EEE Internet of Things Journal, vol. 5, pp. 4486–4495, 2018.
- [20] B. Zadrozny, “Learning and evaluating classifiers under sample selection bias,” in Proceedings of the twenty-first international conference on Machine learning, 2004.
- [21] W. Dai, Q. Yang, G.-R. Xue, and Y. Yu, “Boosting for transfer learning,” in in Proceedings of the 24th international conference on Machine learning (ICML’07). Association for Computing Machinery, New York, NY, USA, pp. 193–200, 2007.
- [22] R. Raina, A. Y. Ng, and D. Koller, “Constructing informative priors using transfer learning,” in in Proceedings of the 23rd international conference on Machine learning (ICML’06). Association for Computing Machinery, New York, NY, USA, pp. 713–720, 2006.
- [23] S. Gou, Y. Wang, L. Jiao, J. Feng, and Y. Yao, “Distributed transfer network learning based intrusion detection,” in IEEE International Symposium on Parallel and Distributed Processing with Applications, 2009.
- [24] Y. Xu, Z. Liu, Y. Li, Y. Zheng, H. Hou, M. Gao, Y. Song, and Y. Xin, “Intrusion detection based on fusing deep neural networks and transfer learning,” in Digital TV and Wireless Multimedia Communication, IFTC 2019. Communications in Computer and Information Science, vol. 1181, 2009.
- [25] S. Wan, L. Qi, X. Xu, C. Tong, and Z. Gu, “Deep learning models for real-time human activity recognition with smartphones,” Mobile Networks and Applications, vol. 25, p. 743–755, 2020.
- [26] Y. Jiang, M. Liu, H. Peng, and M. Z. A. Bhuiyan, “A reliable deep learning-based algorithm design for iot load identification in smart grid,” Ad Hoc Networks, p. 102643, 2021.
- [27] J. Lu, V. Behbood, P. Hao, H. Zuo, S. Xue, and G. Zhang, “Transfer learning using computational intelligence: A survey,” Knowledge-Based Systems, vol. 80, pp. 14–23, 2015.
- [28] L. Wang and R. Jones, “Big data analytics for network intrusion detection: A survey,” International Journal of Networks and Communications, vol. 7, pp. 24–31, 2017.
- [29] A. Geron, “Hands-on machine learning with scikit-learn, keras, and tensorflow,” O’Reilly Media, 2018.
- [30] M. E. Aminanto, R. Choi, H. C. Tanuwidjaja, P. D. Yoo, and K. Kim, “Deep abstraction and weighted feature selection for wi-fi impersonation detection,” IEEE Transactions on Information Forensics and Security, vol. 13, pp. 621–636, 2018.
- [31] I. Guyon, “A scaling law for the validation-set training-set valid ratio,” AT and T Bell Laboratories, pp. 1–11, 1997.
- [32] O. Cheikhrouhou, R. Mahmud, R. Zouari, M. Ibrahim, A. Zaguia, and T. N. Gia, “One-dimensional cnn approach for ecg arrhythmia analysis in fog-cloud environments,” IEEE Access, vol. 9, pp. 513–523, 2021.
- [33] G. Andresini, F. Pendlebury, F. Pierazzi, C. Loglisci, A. Appice, and L. Cavallaro, “Insomnia: Towards concept-drift robustness in network intrusion detection,” in Association for Computing Machinery, (New York, NY, USA), p. 111–122, 2021.
- [34] J. a. Gama, I. Žliobaitundefined, A. Bifet, M. Pechenizkiy, and A. Bouchachia, “A survey on concept drift adaptation,” ACM Comput. Surv., vol. 46, no. 4, 2014.
- [35] H. McKay, N. Griffiths, P. Taylor, T. Damoulas, and Z. Xu, “Online transfer learning for concept drifting data streams,” in Proceedings of the 8th International Workshop on Big Data, IoT Streams and Heterogeneous Source Mining: Algorithms, Systems, Programming Models and Applications Conference, (Anchorage, Alaska), 2019.
![]() |
Sk. Tanzir Mehedi is studying MSc. Engineering degree in Information and Communication Technology at Mawlana Bhashani Science and Technology University, Bangladesh. He worked as a Data Analyst Engineer (Trainee) at Fujitsu Research Institute, Tokyo, Japan, majoring in R and Python programming. He is also a Java and PHP developer and an open web contributor. Currently, he is serving as a Lecturer at the Department of Information Technology (IT), University of Information Technology and Sciences (UITS), Baridhara, Dhaka-1212, Bangladesh. His research interests include data science, blockchain technology, machine learning, deep federated learning, intrusion detection, and data privacy protection. |
![]() |
Adnan Anwar is a Cyber Security academic at Deakin University, and a member of the Centre for Cyber Security Research and Innovation (CSRI). Previously he has worked as a Data Scientist and analytics team leader at Flow Power. He has over 10 years of industrial, research, and teaching experience in universities and research laboratories including NICTA (now, Data61 of CSIRO), University of New South Wales (UNSW), La Trobe University, and Deakin University. He received his PhD and Master by Research degree from UNSW at the Australian Defence Force Academy (ADFA). He has authored over 60+ articles including journals, conference articles and book chapters in prestigious venues (H-index is 17). He has attracted research income from Government, Defence, Industries and received numerous awards at Deakin for excellence in research and teaching. Dr. Anwar’s research has greatly improved the state of the art in artificial intelligence and data-driven cybersecurity research for critical infrastructure in Australia, while his teaching is helping to develop the next generation of Australian experts (over 1200 graduates) in the area of data analytics for security and privacy. |
![]() |
Ziaur Rahman is PhD candidate in Cyber security of RMIT University, Australia. He served Mawlana Bhashani Science and Technology University, Bangladesh as an Associate Professor in ICT. He casually served RMIT, Monash, Deakin and Charles Sturt University, Australia. Three (03) articles he coauthored were nominated and received the best paper awards. He is affiliated with the IEEE, ACM, Australian Computer Society. His research interests include blockchain technology, security of the internet of things (IoT), intrusion detection, and machine learning. |
![]() |
Kawsar Ahmed received his B.Sc. and M.Sc. Engineering Degree in Information and Communication Technology (ICT) at Mawlana Bhashani Science and Technology University, Tangail, Bangladesh. He has achieved gold medals for engineering faculty first both in B.Sc. (Engg.) and M.Sc. (Engg.) degree from the university for his academic excellence. Currently, he is pursuing his Ph.D. in Electrical Engineering from the University of Saskatchewan, Canada. He is the research coordinator of the "Group of Biophotomati". His research interests include biomedical engineering, sensor design, biophotonics, nanotechnology, data mining, machine learning, and bioinformatics. |
![]() |
Rafiqul Islam has been working as an Associate Professor at the School of Computing, Mathematics and Engineering, Charles Sturt University, Australia. Dr Islam’s main research background in cybersecurity focuses on malware analysis and classification, security in the cloud, privacy in social media, and the dark web. Dr. Islam has a strong research background in Cybersecurity with a specific focus on malware analysis and classification, Authentication, security in the cloud, privacy in social media and Internet of Things (IoT). He is leading the Cybersecurity research team and has developed a strong background in leadership, sustainability, collaborative research in the area. He has a strong publication record and has published more than 160 peer-reviewed research papers. His contribution is recognized both nationally and internationally through achieving various rewards such as professional excellence reward, research excellence award, leadership award. Dr. Islam has recognized at the national forefront of his research field ‘cybersecurity’, which is now one of the national/International research priority (financial, political and social aspects). His is Co-Investigator on a successful Cybersecurity CRC (68 M) to which he is contributing to the projects related to Resilient Networks, Security and configuration management of IoT system, Platform and Architecture of cybersecurity as a service and malware detection and removal. |