Skip Content
You are currently on the new version of our website. Access the old version .
MathematicsMathematics
  • Article
  • Open Access

4 December 2022

Intelligent Deep Learning for Anomaly-Based Intrusion Detection in IoT Smart Home Networks

,
,
,
,
,
and
1
Department of Computer Science, Faculty of Engineering and Computer Science, National University of Modern Languages, Islamabad 44000, Pakistan
2
Department of Electronic & Computer Engineering, University of Limerick, V94 T9PX Limerick, Ireland
3
Faculty of Computing and Informatics, University Malaysia Sabah, Kota Kinabalu 88400, Malaysia
4
Department of Computer Science, King Abdulaziz University, P.O. Box 344, Rabigh 21911, Saudi Arabia
This article belongs to the Special Issue Application of Data Analysis to Network Security

Abstract

The Internet of Things (IoT) is a tremendous network based on connected smart devices. These networks sense and transmit data by using advanced communication standards and technologies. The smart home is one of the areas of IoT networks, where home appliances are connected to the internet and smart grids. However, these networks are at high risk in terms of security violations. Different kinds of attacks have been conducted on these networks where the user lost their data. Intrusion detection systems (IDSs) are used to detect and prevent cyberattacks. These systems are based on machine and deep learning techniques and still suffer from fitting or overfitting issues. This paper proposes a novel solution for anomaly-based intrusion detection for smart home networks. The proposed model addresses overfitting/underfitting issues and ensures high performance in terms of hybridization. The proposed solution uses feature selection and hyperparameter tuning and was tested with an existing dataset. The experimental results indicated a significant increase in performance while minimizing misclassification and other limitations as compared to state-of-the-art solutions.

1. Introduction

The Internet of Things (IoT) is the interconnection of sensors, machines, objects, or other computing devices over the internet to communicate with the least human interference. Specific types of sensors are involved in obtaining information from physical entities, and after analysis, it is stored in local storage, which is then sent to cloud storage, where appropriate action is taken according to the information. The smart home is one example of connected home devices that can be controlled from anywhere at any time [1]. These networks are implemented as a global technology and have gained popularity among users. These networks have suffered from various challenges, among which security is one of the top challenges. Some of the common security attacks on these networks are Denial of Service (DoS), brute force, and ransomware. Intrusion detection is the concept of monitoring the traffic and classifying it as benign or malign. Intrusion detection in IoT networks can be signature-based, anomaly-based, or specification-based. In an anomaly-based intrusion detection system, normal behavior is recorded and stored as patterns and then compared with traffic patterns to see whether noise and other potential intrusions are anomalous or normal [2]. There are multiple techniques for anomaly-based intrusion detection systems (IDSs), such as data mining, statistical models, rule models, payload models, protocol models, and signal processing models. Machine learning (ML) and deep learning (DL) techniques are used for anomaly detection to tackle attacks on a network with significant performance [3,4]. Figure 1 shows an IDS in a smart home network.
Figure 1. IDS in a Smart Home Network.
In signature-based techniques, detection is performed by matching signatures stored in the database with the signatures of the traffic flow. Anomaly-based IDSs with ML techniques are designed for attack detection [5,6]. However, the existing solutions are limited in function due to a lack of real-time dataset usage or an updated dataset, which leads to a degradation in performance, as attacks usually change their patterns and methods. Public datasets are available but not specifically created for smart home IoT networks. Some of the existing solutions suffer from overhead issues or increased time complexity [7]. Moreover, there are various issues observed, such as noise, overfitting, underfitting, complexity, and dimensionality, which lead to carelessness in data cleaning, feature extraction, selection, and normalization techniques. Accuracy is one of the significant parameters for measuring the model performance and needs to be maximized. However, there are differences in the test and training accuracy of many existing models, which suffer from overfitting or underfitting. As a countermeasure to these issues, appropriate methods are selected for data cleaning and hyperparameter selection. Hybrid ML/DL-based classifiers are used on recent real-time datasets for intrusion detection. To address the issues of existing solutions, the main objectives of this paper are as follows:
  • To design a hybrid ML/DL model for intrusion detection in IoT-based smart home networks;
  • To test the model on a real-time smart home IoT network dataset;
  • To evaluate the performance of the proposed IDS by using appropriate evaluation techniques.
The rest of the paper is organized as follows: Section 2 provides a literature review on different methods for intrusion detection. Section 3 provides the complete methodology and the details of the design and development of the proposed model. Section 4 discusses the results and analysis of the proposed scheme and its comparison with different benchmark schemes. Section 5 concludes the research with potential future directions.

3. The Proposed Hybrid ML/DL for IDS-IoT in Smart Homes

This section presents the research methodology for designing the proposed novel hybrid ML/DL scheme for intrusion detection with a real-time dataset mainly designed for smart homes. After a detailed review of the literature, two datasets were selected, namely, CIC-IoT 2022 and UNSW-NB15. The CIC-IoT 2022 dataset is a public dataset generated for behavioral and profiling analysis. This dataset is tested on IoT devices where mostly Z-wave, ZigBee, and IEEE 802.11 standards are used. Two NIC cards are deployed in a 64-bit system, where the first card is utilized as a network gateway, and the second card is connected to an unmanaged network switch. The Wireshark tool is used for data packet capturing in the form of pcap files. The IoT devices are connected to a switch, whereas a smart hub (Vera plus) is used and connected to an unmanaged switch and serves as an IoT device. This switch is compatible with Z-wave, ZigBee, Wi-Fi, and Bluetooth. Network traffic is captured through six different types of experiments. Power, idle, interactions, scenarios, active, and attack states are used to capture traffic. RTSP brute force and flood are the types of attacks launched. The experimental setup is divided into three phases, which are responsible for data conversion, data preprocessing, the training–test split, model training, classification by the model, and evaluation. In the data conversion step, the files are captured in pcap format by default. However, ML models usually work with csv files. For data conversion, first, pcap files are downloaded, then Wireshark is downloaded and installed, and downloaded pcap files are opened with Wireshark. Then, pcap files are converted into CSV files by choosing CSV conversion from the file menu.
Data preprocessing is a critical task that enhances the quality of data to promote meaningful extractions from the data. In ML, it mainly refers to cleaning and organizing the raw data to make them suitable for training ML and DL models. In this research, data cleaning, normalization, one-hot encoding, and data reduction were used. For data cleaning, “preprocessing. Labelencoder” was used to transform labels into numerical forms [18].
The feature is a dimension reduction process in which the data sequences are represented in such a way that interesting parts are represented more effectively, and it reduces the calculation time of the algorithm. In ML, the most important part of data feature extraction and pattern recognition is that, based on these sequences, the training and testing process is performed. For the proposed model, one-hot encoding with panda’s technique is used for feature extraction from the dataset. One-hot encoding allows the representation of data as categorical features using l o g 2 D vectors. Here, D is the dimensions that are associated with one-hot encoding [19]. In this type of encoding technique, each categorical value is assigned a binary value and converted into a new column. The one-hot vector v is a binary vector of length m, where the only single entry will be 1, and the others will be zero. Here, v is the one-hot encoder vector, and m is the length of the vector. The feature vector of one-hot encoding is represented by Equation (1) [20].
v     i = 1 m v 1 = 1
Here, v is the one-hot encoder vector, and m is the length of the vector. For the proposed study, there are five classes of data, namely, Power, idle, interactions, scenarios, and active, from the data sequences, which need to be converted into the type of attack the system is facing. The one-hot encoding method is used to convert the classes into a one-hot encoding vector. After completing data balancing and feature extraction, the data are split into training and test sets. The splitting of data prevents the model from underfitting and overfitting. The dataset input features are in numerical format, but the neural network has a problem when processing this type of data due to exploding and vanishing gradient problems [21]. This problem leads to poor model performance and low accuracy. To overcome this problem, the data features are scaled in the form of 0 and 1, where the maximum number will be 1, and the minimum number will be 0. The training–test split method is utilized to measure the estimated performance of ML/DL algorithms. A 70:30 split is the most commonly used ratio to train and test the model. The training set of a dataset is used to train the model, while the test set is used to evaluate the performance of the model based on different parameters.
For the proposed model, ML and DL algorithms are applied for intrusion detection, including Long Short-Term Memory network (LSTM), K nearest neighbor, and the decision tree (DT) algorithm. The LSTM model for deep learning consists of multiple layers. Each layer is inspired by the human neuron and processes the input. The input passes through various hidden layers and generates output. In the meantime, back-propagation algorithms take back the errors with them and learn from these errors. For every iteration of feed-forward and backward passes, the accuracy, precision, and recall are calculated. These learning features of machine learning algorithms allow them to learn by themselves using different learning procedures.
LSTM, KNN, and DT are hybridized with Adaboost for detecting the RTSP brute-force attack and UDP flood attack on CIC-IDS2022. The mathematics and logic behind the architectures of these methods are explained in the section below. LSTM is one of the most commonly used algorithms in artificial intelligence and deep learning methods. The algorithm is mostly used in the field of speech recognition, robotics, text recognition, handwriting recognition, etc. LSTM is the combination of the cell. Each cell contains an input gate, forget gate, and an output gate [22]. LSTM is used for IDS-IoT, where the input passes the information to the cell layers. It determines the extent of the information that is to be passed inside the cell. This gate obtains information from the previous cell. The forget gate in LSTM is responsible for carrying the information. This gate decides which information passes to the next layer and discards the information that is not very necessary for the cell. The output gate generates the output and passes the information to the next LSTM cell.
The algorithm of LSTM was developed to tackle the vanishing gradient problem. The vanishing gradient problem occurs in a DL model due to a greater number of layers. When there are a greater number of layers in the DL model, the product of derivation decreases, and the value of the loss function reaches zero. LSTM tackles this problem with the help of gates by increasing the space of the RNN model [23]. The gate in LSTM is responsible for the regulation of information from one cell to another cell. Different activation functions are applied in each gate. Figure 2 shows the LSTM architecture used for the proposed scheme.
Figure 2. LSTM Architecture for IDS.
In Figure 3, x t is the input at a specific time, and y t is the output at a specific time t. f t represents the forget gate, and i t   and   NOT represent the input gate and output gate, respectively. Every cell of LSTM has three inputs, x t ,   A t 1 ,   and   B t 1 ,   and two outputs, b t   and   h t . The Tanh function is used to regulate the flow of the network. It maintains the value of the network between −1 and 1 [24]. The Tanh function allows the values of the gates to remain inside the boundaries. When the values pass from the network, it changes due to the large number of mathematical functions implemented inside the LSTM cell. For the proposed model, LSTM is used for intrusion detection from a real-time dataset. The sequential DL model is used in the current scenario. For the proposed model, one input layer, along with three dense layers, one LSTM layer, and one output layer, is used. In each of the dense layers, the Relu activation function is used. Relu is a rectified linear unit that works on the min–max principle. The Relu function is adopted to maximize the value, as it is a nonlinear activation function used in deep neural networks. The working method of Relu is explained in Equations (2) and (3).
Relu = −ev (−ev, 0) = 0
Relu = +ev (+ev, 0) = + ev value
Figure 3. The probabilities of the instances of each class in LSTM (proposed).
The Relu activation function converts the classification into 1 if the value is greater than zero and makes the classification zero if the value is below zero. The dense layer of the model receives the input from all of the previous layers and classifies the output based on the output from the convolutional layers. The LSTM layer helps in the gradient flow. The LSTM layer is responsible for taking the data from the input layer, and the dense layers calculate the parameterized vector from these layers and apply activation functions element-wise on each gate. After applying the two dense layers to the dataset, the LSTM layer with RELU activation is applied. The SoftMax activation function is applied in the last dense layer. The SoftMax activation function is used to determine the probability of the class to which the input data belong. The output of the SoftMax activation is equal to the number of classes to which the data belong. This is also known as a probability distribution. The sum of all classes is equal to one. In our model, we have five output classes: Power, idle, interactions, scenarios, and active. The formula for calculating the SoftMax activation function is explained in Equation (4).
P y = j   \   θ i = e θ i j = 0 k e θ i
In the equation, θ   represents the one-hot encoding matrix, and j is the set of weights. Figure 3 shows the probability of each class in the proposed model.
KNN is an ML problem used for both classification and regression problems. This algorithm stores the data and classifies new data according to their similarity to the data classes. The algorithm for KNN is as follows:
  • Input different classes of sample data S, e.g., S(x) and S(y).
  • Select parameter k for the data.
  • Give a new data sample, x.
  • Determine the k-nearest neighbor of sample x by calculating the distance. It can be determined by the Euclidean distance.
  • Combine the classes of sample y into one class.
  • Find the output.
The decision tree (DT) is a supervised ML technique to address regression and classification problems. In DT, root nodes are used for input, which is also filtered through decision and leaf nodes to obtain the desired output [25]. Entropy is used for splitting control in DT and determines the respective classes of features from the information. The overall flow of the proposed model is shown in Figure 4.
Figure 4. Experimental setup for hybrid KNN, LSTM, and DT.
Hyperparameter tuning with epochs is also explained in Figure 5.
Figure 5. Hyperparameter Tuning.
Adaboost, also called Adaptive Boosting, is an ML technique used as an ensemble method to build a strong learner (predictive model). The predictive model or prediction is carried out by using the weighted average of weak classifiers. The predictive values are +1.0 or −1.0 for every new input instance and weak learner computation. For the sum of the weighted predictions, the ensemble model is used. For the positive sum, the first class is used, else a second class will be used, such that the five classes’ prediction values are 1.0, 1.0, −1.0, 1.0, and −1.0. According to the vote calculation, 1.0 is selected as the predictive value, whereas the 5 weak classifier values are 0.2, 0.5, 0.8, 0.2, and 0.9, respectively. These prediction results indicate that the output of −0.8 is an aggregate prediction of −1.0 or the second class. The pseudocode for Algorithm 1 is given as:
Algorithm 1 pseudocode caption
         Initialize weights
         for Each base learner, do:
         Train base learners with a weighted sample.
         Test base learner on all data.
         Set learner weight with a weighted error.
         [ α = 1 2 ln 1 total   error Total   error ]
         Update weights based on ensemble predictions.
end for
In the proposed model, the outputs of LSTM, KNN, and DT are combined and given to Adaboost as a single input to classify intrusion, benign, and attack classes. The pseudo-code is given as in Figure 6:
Figure 6. Pseudo-code.

4. Results and Discussion

In the first experiment, the proposed hybrid ML/DL scheme was evaluated in terms of accuracy, precision, recall, and F1 score. A comparative analysis of the proposed scheme with other ML and DL schemes was also performed on two datasets, named CICIDS2022 and UNSW-NB15. The results show that the proposed scheme outperformed other benchmark ML/DL schemes. PCA was used to generate features concerning improved accuracy, and the hybrid KNN, DT, and LSTM model improved other performance metrics when used as a hybrid combination by overcoming the single techniques’ faults. The hybrid model was implemented utilizing the Keras Tuner to select the best hyperparameters so that the accuracy could be improved while decreasing the loss. Figure 7 shows the epoch vs. accuracy and loss.
Figure 7. Epoch vs. Accuracy and Epoch vs. Loss.
Important features with scores are presented in Figure 8.
Figure 8. Top 20 Features.
The correlation matrix between ten important features is also presented in Figure 9.
Figure 9. Correlogram.
PCA was used to generate auto features to improve performance, which was then tested using the Naive Bayes algorithm. The performance of these features in terms of accuracy is shown in Figure 10.
Figure 10. Features vs. Accuracy.
The confusion matrix shown in Figure 11 shows the performance of the ML/DL classification model.
Figure 11. Confusion Matrix.
The proposed hybrid KNN, DT, and LSTM model was compared with other ML/DL schemes, namely, GRU, BiRNN, Bernoulli NB, Multinomial NB, RNN, Categorical NB, and Complement NB. Accuracy is the measure of the correct classification by ML or DL algorithms. Multiclass classification means the correct classification of an instance for each class. In the proposed solution, accuracy means the correct classification of an instance for Benign and two attack classes as well. Figure 12 shows the comparison of the proposed scheme with other schemes in terms of accuracy.
Figure 12. Training and Test Accuracy on Different Models.
The results reveal that the proposed KNN+DT+LSTM outperforms the other schemes. The gates involved in the LSTM architecture make it better for long-term dependencies and result in improved accuracy when hybridized with DT and KNN for attack detection in the proposed smart home scenario.
Precision is a measure of the reliability of the machine learning or deep learning model. It measures the model’s accuracy in classifying an instance as positive. For the proposed hybrid model, if it can classify benign traffic correctly and does not misclassify attacks as benign, then the precision will be high. KNN is slow for the real-time detection of attacks, and therefore, DT and LSTM were hybridized to improve the precision and performance of IDS-IoT. A graphical representation of precision when compared with other schemes is given below. It shows that the proposed hybrid KNN, DT, and LSTM performed well. Figure 13 shows the training and test precision results of different models.
Figure 13. Training and Test Precision of Different Models.
Recall is the capability of classifying positive samples relative to the total number of positive samples. In the current scenario, it is the ability to detect benign samples. Figure 14 shows the training and test recall of different models.
Figure 14. Training and Test Recall of Different Models.
The F1 score is the harmonic mean of precision and recall. It is used to combine classifiers with different precision and recall. Figure 15 shows the training and test F1 scores of different models. Table 2 and Table 3 show the performance metrics of different ML/DL models with training and testing.
Figure 15. Training and Test F1 Scores of Different Models.
Table 2. Performance Metrics of Different ML/DL Models (Training).
Table 3. Performance Metrics of Different ML/DL Schemes (Test).
The last experiment is with UNSW-NB15 and hybrid ML/DL, which shows good performance and reveals that the proposed algorithm could also be used for NIDS and intrusion detection in other IoT environments with slight modifications if needed. Figure 16 shows the performance metrics on the UNSW-NB15 dataset.
Figure 16. Performance Metrics on UNSW-NB15 Dataset.
The comparative analysis of the proposed scheme and other ML/DL schemes indicated that the proposed solution improves the performance in detecting attacks and benign classes specialized for IoT smart home networks. It also overcomes underfitting/overfitting issues and is generalizable, which makes it more promising. The proposed IDS-IoT is implemented in the Google Colab environment using Python. The performance parameters (accuracy, precision, recall, and F1 score) of the proposed mechanism were compared with other benchmark ML/DL schemes. The results show a significant improvement in the performance of the proposed solution in comparison with the other schemes.

5. Conclusions

IoT networks are ubiquitous and have changed traditional communication systems into more advanced and feasible networks. Smart homes are a field of various services, where home appliances are connected to the internet for data communication. However, these networks suffer from security attacks and vulnerabilities. Hence, an intrusion detection system is used to protect these networks by using ML/DL techniques. Therefore, ML- and DL-based techniques for attack detection in the network were investigated in the literature, which highlighted benefits, issues, and gaps. To overcome existing issues, a hybrid ML/DL-based scheme is proposed. The hybridization of KNN, DT, and LSTM was implemented on the latest CIC-IDS2022 dataset with appropriate methods for dimensionality reduction and classification. Tensor Flow in Google Colab was used to evaluate the proposed solution in terms of accuracy, precision, recall, and F1 score as compared to existing techniques. The proposed solution outperforms the others in detecting security attacks in smart home networks. In the future, the proposed solution will integrate smart grids as well.

Author Contributions

Conceptualization, N.B., A.S. and K.N.Q.; Methodology, N.B., A.S. and K.N.Q.; Formal analysis, S.H.; Writing—original draft, N.B. and A.S.; Writing—review & editing, A.O.I. and F.B.; Visualization, S.H., F.B. and N.A.; Supervision, K.N.Q. and N.A. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Qureshi, K.N.; Jeon, G.; Piccialli, F. Anomaly Detection and Trust Authority in Artificial Intelligence and Cloud Computing. Comput. Netw. 2020, 184, 107647. [Google Scholar] [CrossRef]
  2. Elrawy, M.F.; Awad, A.I.; Hamed, H.F. Intrusion detection systems for IoT-based smart environments: A survey. J. Cloud Comput. 2018, 7, 1–20. [Google Scholar] [CrossRef]
  3. Bhuvaneswari Amma, N.G.; Selvakumar, S. Anomaly detection framework for Internet of things traffic using vector convolutional deep learning approach in fog environment. Future Gener. Comput. Syst. 2020, 113, 255–265. [Google Scholar]
  4. Qureshi, M.A.; Qureshi, K.N.; Jeon, G.; Piccialli, F. Deep learning-based ambient assisted living for self-management of cardiovascular conditions. Neural Comput. Appl. 2021, 34, 10449–10467. [Google Scholar] [CrossRef]
  5. IvanCvitic, D.; Gupta, B.B.; Choo, K.-K.R. Boosting-Based DDoS Detection in Internet-of-Things Systems. IEEE Internet Things J. 2021, 9, 2109–2123. [Google Scholar]
  6. Cvitić, I.; Peraković, D.; Periša, M.; Gupta, B. Ensemble machine learning approach for classification of IoT devices in smart home. Int. J. Mach. Learn. Cybern. 2021, 12, 3179–3202. [Google Scholar]
  7. Zaib, M.H.; Bashir, F.; Qureshi, K.N.; Kausar, S.; Rizwan, M.; Jeon, G. Deep learning based cyber bullying early detection using distributed denial of service flow. Multimed. Syst. 2021, 28, 1905–1924. [Google Scholar] [CrossRef]
  8. Khraisat, A.; Gondal, I.; Vamplew, P.; Kamruzzaman, J. Survey of intrusion detection systems: Techniques, datasets and challenges. Cybersecurity 2019, 2, 1. [Google Scholar] [CrossRef]
  9. Sharmila, B.; Nagapadma, R. Intrusion detection system using Naive Bayes algorithm. In Proceedings of the 2019 IEEE International WIE Conference on Electrical and Computer Engineering (WIECON-ECE), Bangalore, India, 15–16 November 2019; IEEE: New York, NY, USA, 2019; pp. 1–4. [Google Scholar]
  10. Verma, A.; Ranga, V. ELNIDS: Ensemble learning based network intrusion detection system for RPL based Internet of Things. In 4th International Conference on Internet of Things: Smart Innovation and Usages (IoT-SIU), Ghaziabad, India, 18–19 April 2019; IEEE: New York, NY, USA, 2019; pp. 1–6. [Google Scholar]
  11. Taghavinejad, S.M.; Taghavinejad, M.; Shahmiri, L.; Zavvar, M.; Zavvar, M.H. Intrusion detection in IoT-based smart grid using hybrid decision tree. In 2020 6th International Conference on Web Research (ICWR); IEEE: New York, NY, USA, 2020; pp. 152–156. [Google Scholar]
  12. Sugi, S.S.S.; Ratna, S.R. Investigation of machine learning techniques in intrusion detection system for IoT network. In 3rd International Conference on Intelligent Sustainable Systems (ICISS), Coimbatore, India, 3–5 December 2020; IEEE: New York, NY, USA, 2020; pp. 1164–1167. [Google Scholar]
  13. Van Huong, P.; Minh, N.H. Improving the feature set in IoT intrusion detection problem based on FP-Growth Algorithm. In 2020 International Conference on Advanced Technologies for Communications (ATC); IEEE: New York, NY, USA, 2020; pp. 18–23. [Google Scholar]
  14. Keserwani, P.K.; Govil, M.C.; Pilli, E.S.; Govil, P. A smart anomaly-based intrusion detection system for the Internet of Things (IoT) network using GWO–PSO–RF model. J. Reliab. Intell. Environ. 2021, 7, 3–21. [Google Scholar]
  15. Kalnoor, G. Markov Decision Process based Model for Performance Analysis an Intrusion Detection System in IoT Networks. J. Telecommun. Inf. Technol. 2021, 3, 42–49. [Google Scholar] [CrossRef]
  16. Zeeshan, M.; Riaz, Q.; Bilal, M.A.; Shahzad, M.K.; Jabeen, H.; Haider, S.A.; Rahim, A. Protocol-Based Deep Intrusion Detection for DoS and DDoS Attacks Using UNSW-NB15 and Bot-IoT Data-Sets. IEEE Access 2021, 10, 2269–2283. [Google Scholar]
  17. 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]
  18. García, S.; Ramírez-Gallego, S.; Luengo, J.; Benítez, J.M.; Herrera, F. Big data preprocessing: Methods and prospects. Big Data Anal. 2016, 1, 9. [Google Scholar]
  19. Seger, C. An Investigation of Categorical Variable Encoding Techniques in Machine Learning: Binary Versus One-Hot and Feature Hashing. 2018. Available online: https://www.diva-portal.org/smash/get/diva2:1259073/FULLTEXT01.pdf (accessed on 2 December 2022).
  20. OpenFlow Switch Specification Version 1.5.1 (Protocol version 0x06). Open Networking Foundation. 2015. Available online: https://opennetworking.org/wp-content/uploads/2014/10/openflow-switch-v1.5.1.pdf (accessed on 2 December 2022).
  21. Hochreiter, S. The vanishing gradient problem during learning recurrent neural nets and problem solutions. Int. J. Uncertain. Fuzziness Knowl. -Based Syst. 1998, 6, 107–116. [Google Scholar] [CrossRef]
  22. Rengasamy, D.; Jafari, M.; Rothwell, B.; Chen, X.; Figueredo, G.P. Deep learning with dynamically weighted loss function for sensor-based prognostics and health management. Sensors 2020, 20, 723. [Google Scholar] [CrossRef] [PubMed]
  23. Sundermeyer, M.; Schlüter, R.; Ney, H. LSTM neural networks for language modeling. In Proceedings of the 13th Annual Conference of the International Speech Communication Association, Portland, OR, USA, 9–13 September 2012. [Google Scholar]
  24. Elwakil, S.; El-Labany, S.; Zahran, M.; Sabry, R. Modified extended tanh-function method and its applications to nonlinear equations. Appl. Math. Comput. 2005, 161, 403–412. [Google Scholar]
  25. Navada, A.; Ansari, A.N.; Patil, S.; Sonkamble, B.A. Overview of use of decision tree algorithms in machine learning. In IEEE Control and System Graduate Research Colloquium, Shah Alam, Malaysia, 27–28 June 2011; IEEE: New York, NY, USA, 2011; pp. 37–42. [Google Scholar]
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Article Metrics

Citations

Article Access Statistics

Multiple requests from the same IP address are counted as one view.