• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    DeepIoT.IDS:Hybrid Deep Learning for Enhancing IoT Network Intrusion Detection

    2021-12-15 07:10:28ZiadoonMaseerRobiahYusofSalamaMostafaNazrulazharBahamanOmarMusaandBanderAliSalehAlrimy
    Computers Materials&Continua 2021年12期

    Ziadoon K.Maseer,Robiah Yusof,Salama A.Mostafa,Nazrulazhar Bahaman,Omar Musa and Bander Ali Saleh Al-rimy

    1Faculty of Information and Communication Technology,Universiti Teknikal Malaysia,Melaka,76100,Malaysia

    2Center of Intelligent and Autonomous Systems,Faculty of Computer Science and Information Technology,Universiti Tun Hussein Onn Malaysia,Johor,86400,Malaysia

    3Faculty of Business and Technology,UNITAR International University,Selangor,47301,Malaysia

    4School of Computing,Faculty of Engineering,Universiti Teknologi Malaysia,Johor,81310,Malaysia

    Abstract: With an increasing number of services connected to the internet,including cloud computing and Internet of Things(IoT)systems,the prevention of cyberattacks has become more challenging due to the high dimensionality of the network traffic data and access points.Recently,researchers have suggested deep learning(DL)algorithms to define intrusion features through training empirical data and learning anomaly patterns of attacks.However,due to the high dynamics and imbalanced nature of the data, the existing DL classifiers are not completely effective at distinguishing between abnormal and normal behavior line connections for modern networks.Therefore, it is important to design a self-adaptive model for an intrusion detection system(IDS)to improve the detection of attacks.Consequently,in this paper,a novel hybrid weighted deep belief network (HW-DBN) algorithm is proposed for building an efficient and reliable IDS (DeepIoT.IDS) model to detect existing and novel cyberattacks.The HW-DBN algorithm integrates an improved Gaussian–Bernoulli restricted Boltzmann machine(Deep GB-RBM)feature learning operator with a weighted deep neural networks (WDNN) classifier.The CICIDS2017 dataset is selected to evaluate the DeepIoT.IDS model as it contains multiple types of attacks, complex data patterns, noise values, and imbalanced classes.We have compared the performance of the DeepIoT.IDS model with three recent models.The results show the DeepIoT.IDS model outperforms the three other models by achieving a higher detection accuracy of 99.38%and 99.99%for web attack and bot attack scenarios, respectively.Furthermore, it can detect the occurrence of low-frequency attacks that are undetectable by other models.

    Keywords: Cyberattacks; internet of things; intrusion detection system;deep learning neural network; supervised and unsupervised deep learning

    1 Introduction

    Many services are found online using the internet, and this trend is increasing over time.The internet helps millions of automotive Internet of Things (IoT) endpoints in providing provide services.The new technology replacing traditional networks is the IoT networks, such as those of industrial machines, smart energy grids, building automation, and many personal assistance devices [1,2], as shown in Fig.1.An IoT represents a complex and dynamic network that connects endpoints of devices to provide various services.The diversity and volume of data transmitted over the networks raise many security issues.The risk and occurrences of attacks are increasing tremendously as a result of these revolutionary technologies [3].Therefore, there is a need to build or develop an effective method to protect data confidentiality and network resource availability from zero-day attacks.Furthermore, it is essential to sustain the progress of these technologies [4].Many organizations have limited network defense resources.They use traditional security methods and tools such as anti-spam, antivirus, firewalls, etc., to protect their networks.However, these methods and tools are still vulnerable to sophisticated and novel attacks [5].

    Figure 1:IoT infrastructure of a smart city

    The 2020 Unit 42 IoT Threat Report is a survey of over 1.2 million IoT devices in the healthcare information technology industries in the United States.The report shows that these organizations are unsafe as their sensitive data is exposed to threats.The results of the survey show that 83% of devices used for medical imaging are running on outdated and unsecured operating systems [3].The most common types of cyberattacks in such organizations are ransomware,botnet, password, and other attacks, as shown in Fig.2.

    Network intrusion detection systems (IDS) are essential tools for monitoring a network,tracking malicious activities, and identifying intrusions.They provide powerful defense systems against various threats and cyberattacks.IDS models are classified according to their detection mechanisms into anomaly-based and signature-based approaches [6].The anomaly-based IDS models rely upon distinguishing abnormal behaviors from normal behaviors (deviations) to detect intrusions; these have been found to be effective against polymorphic or unknown attacks [7].Signature-based IDS models rely on a set of pre-defined patterns of malicious activities and attacks.The large volume and diversity of network traffic as IoT devices, social media applications, and platforms continue to increase [8,9], meaning it is impractical to rely merely on identifying pre-defined attack patterns to detect intrusion of networks.The anomaly-based IDS models are mainly utilized for identifying unknown attacks, such as when pre-defined patterns are absent for IoT networks [10].It has recently become clear that the most powerful feature of deep learning (DL) algorithms is the extraction of significant features from input data to enhance the learning of classification models in different computer science domains [11].Consequently,DL algorithms are proposed for the IDS models to predict attacks; these algorithms outperform conventional machine learning (ML) algorithms to detect and identify attacks.For instance, Tama et al.[12] used web attacks to measure anomaly IDS model effectiveness based on ML classifiers in protecting IoT and web applications.Web attacks such as Structured Query Language (SQL)injection and cross-site scripting (XSS) cause data loss, and these attacks are not found in KDD Cup 9 and UNSW-NB15 datasets.In addition to the state-of-the-art methods, supervised learning(SL) entails an enormous amount of labeled attacks to maintain accurate performance, which is unaffordable in many real-world attack cases.

    Figure 2:2020 unit 42 IoT threat report

    One of the outstanding algorithms that researchers propose for building IDS models is the restricted Boltzmann machine (RBM) algorithm [13].This algorithm’s key success is the ability to identify new patterns of attack that have never before been witnessed [14,15].A deep belief network (DBN) algorithm consists of two phases:the pre-training phase that utilizes RBMs to generate high-level features from the network traffic and the classification phase that consists of two hidden backpropagation layers to identify attacks.However, the performance of IDS using the conventional DBN algorithm still faces several challenges in detecting attacks.The first challenge is the complexity of data traffic in the network traffic, which has a high dimensionality of features,noise, and corrupted data, making it difficult for the DBN algorithm to find correlations between them in a realistic dataset.The second challenge is an imbalanced-class issue in which less frequent attacks are invisible within the training phase.It subsequently causes overfitting towards the higher frequent classes.As a result, a flawed anomaly-based IDS model would not detect skewed attacks and would have a high false alarm rate [16,17].Finally, a reliable evaluation procedure is a challenge in which the major studies have used only the accuracy rate to evaluate anomalybased IDS models’performance.Relying solely on the accuracy rate is inefficient at showing an anomaly-based IDS model’s effectiveness in detecting attacks.For example, a reliable evaluation may consider the percentage of true positive and true negative alarms for each class [18–20].

    Consequently, this work proposes an efficient and reliable IoT-network intrusion detection(DeepIoT.IDS) model based on a novel hybrid weighted deep belief network (HW-DBN) algorithm.The HW-DBN algorithm consists of a deep Gaussian–Bernoulli type of RBM (deep GB-RBM) and weighted deep neural network (WDNN) algorithms.The HW-DBN algorithm comprises an initial unsupervised stage and is responsible for generating traffic features; then, the final supervised stage is responsible for classifying the traffic into normal or abnormal classes.We stack a series of deep GB-RBMs to construct feature learning to perform learning on the original network traffic data in the pre-training stage.Next, we use the feature weighted WDNN to optimize deep features and remove noise and redundant features, thereby improving the classification performance.The main contributions of this paper to the cybersecurity domain are as follows:

    (i) Enhancing an unsupervised DL (UDL) deep GB-RBM based on the GB-RBM algorithm to improve the extraction of network data features.

    (ii) Proposing a novel HW-DBN algorithm based on a DBN algorithm by integrating the deep GB-RBM with the WDNN to form an improved and continuous prediction hybrid DL(HDL) algorithm.The WDNN algorithm learns high-dimensional unlabeled data along with standard labeled data.

    (iii) Modeling an efficient and reliable IoT-network intrusion detection system (DeepIoT.IDS)based on a proposed HW-DBN algorithm for anomaly-based IDS.

    (iv) Demonstrating that the DeepIoT.IDS model is efficient and reliable in detecting sophisticated attacks by testing it using the CICIDS2017 dataset.The CICIDS2017 manifests a benchmark dataset for complex IoT environments.

    This paper is organized into six sections in which the related work of different types of ML and DL neural networks is presented in Section 2.The research background of RBM and DBN algorithms is illustrated in Section 3.The methods of this work are described in Section 4, including the improved RBM algorithm, the WDNN algorithm, the proposed HWDBN algorithm, and the DeepIoT.IDS model.The implementation of the proposed DeepIoT.IDS model, the evaluation criteria, and the testing environment are used to check and evaluate the performance of the proposed model, and these are scrutinized in Section 5.Lastly, the conclusion and future work directions of this research are highlighted in Section 6.

    2 Related Work

    The anomaly-based IDS epitomizes one of the best methods to detect significant attacks in a network.The IDS uses the ML algorithms as one of its essential components for performing classification tasks.Examples of these IDS models include artificial neural networks (ANN), decision trees (DT), expectation-maximization (EM), k-nearest neighbors (KNN), linear regression (LR),na?ve Bayes (NB), random forests (RF), logistic regression (LR), and support vector machine(SVM) [21].Researchers evaluate the ML-IDS models’performance using different parameters to define these models’capability, including true positive and true negative rates.For instance,Janarthanan and Zargari [22] used feature selection and an RF algorithm in IDS to detect and classify intrusions and attacks on the UNSW-NB15 dataset.The RF algorithm achieved a false alarm rate (FAR) of 4.4% and an accuracy of 81.61%.Nawir et al.[23] used an averaged onedependence estimator (AODE) algorithm to propose a multi-class classification model.They tested this model on the UNSW-NB15 dataset and reported a FAR of 6.57% and an accuracy of 83.47%.However, for the current IDS, it is clear that relying only on traditional machine ML algorithms to detect anomalies of advanced attacks that have unexpected patterns is no longer enough.Therefore, there is a need for strong methods to protect IoT networks from different types of intrusion.

    Many studies have attempted to analyze and compare anomaly-based ML-and DL-IDS models [24,25].Most of the studies conclude that the DL is better for detecting attacks and reducing false alarms.For instance, Khan et al.[26] introduced self-taught learning (STL) in a DL-IDS to exploit unlabeled data.They applied the model to the NSL-KDD dataset, and the experimental results show that DL-IDS outperforms previous studies.Similarly, Yin et al.[27] proposed a DL recurrent neural network (RNN) algorithm for IDS.They applied the DL-RNN algorithm to the NSL-KDD dataset.The results showed that the algorithm outperformed several ML algorithms.A DL approach can be categorized into supervised DL (SDL), unsupervised DL (UDL), and hybrid DL (HDL) learning algorithms [28].The most powerful learning approach is SDL, but in IDS, it exposes misclassifying anomalies due to a lack of prior knowledge or less represented features of novel attacks, a low convergence speed, and the ease of falling into a local optimum [29].The studies of Ghanem [30] and Hajisalem et al.[31] used metaheuristic techniques to improve SDL as the DNN algorithm; however, the anomaly-based IDS model requires more time and resources for training.In contrast, the UDL approach includes different algorithms, such as restricted Boltzmann machines (RBMs), deep belief networks (DBNs), and auto-encoders.These algorithms have the self-training ability from unlabeled raw data to accomplish different tasks and provide less presented data to be classified [32].The HDL approach represents the recent trend in building advanced IDS models as it has variations of UDL and SDL training algorithms.The UDL is used for feature learning or detection to detect the significant features, and SDL is used to build an anomaly-based IDS model based on extracted features.An autoencoder algorithm(AE) is a particular type of feedforward neural network and UL approach; its input data is equal to the output.The AE compresses the input into a lower-dimensional code and then constructs the output [33].The RBM algorithm is considered one of the best algorithms for online detection and classification of new data samples [34].The RBM differs from other autoencoders by the two biases in the visible and hidden layers.The first bias helps the RBM learn the reconstructions on the backward pass.The second bias helps the RBM to yield activations on the forward pass.

    Fiore et al.[35] presented a discriminative RBM (DRBM) algorithm to compress the features that are not in the network packet payloads and produce new features.The IDS provides new features for a soft-max binary classification algorithm to train and predict normal and DoS attacks.Similarly, Erfani et al.[36] proposed combining one-class linear SVM with DBNs to construct an intrusion detection model.They applied the model on several benchmark datasets,and the results showed improvement in the IDS performance.Alrawashdeh et al.[37] proposed a DL combination of RBMs and LR algorithms in constructing a DBN for an IDS.This combination produced a DBN architecture of four hidden layers for feature reduction and one hidden layer for classification.They included a fine-tuning phase to update the DBN weights while training the network and prior to the classification task made by the LR.They implemented this type of DBN on the KDD99 dataset and attained a FAR of 0.5% and an accuracy of 97.9%.As with those studies, a conventional DBN algorithm is proposed for constructing the detection model.The learning process used in the DBN algorithm is a traditional gradient-based process using update rules, which are obtained by taking the partial derivative of the log-likelihood function to adjust the weights of a model and build an anomaly-based IDS model.This learning represents the traditional way to train the DBN algorithm, which is not efficient in real traffic networks with a variety of values.Moreover, testing and validation are unreliable and do not yet reflect an anomaly-based IDS’s actual performance because the dataset includes outdated attack scenarios, as with KDD99 [38].

    In a nutshell, most DL/ML algorithms are proposed as anomaly-based IDS models, which discover anomalies by examining data patterns to distinguish data lines and determine normal and abnormal activities.However, some of the existing studies have lacked reliable and efficient validation as they use low-quality datasets.The datasets might suffer from several weaknesses and deficiencies, including outdated attack scenarios and versions that may not be a perfect representative of the existing network attacks, ignoring the complexity of IoT-like networks.Moreover, the conventional HDL algorithms do not provide sufficient training ability to detect modern attacks in realistic datasets.In contrast with those works, we propose a new model for intrusion detection called DeepIoT.IDS.The IDS model is based on a deep GB-RBM algorithm as feature learning of our raw data and then combined with a weighted DNN (WDNN) algorithm for classification to construct a novel HW-DBN algorithm.The HW-DBN algorithm is based on an improved RBMs (Deep GB-RBM) algorithm that is combined with a Weighted DNN (WDNN) algorithm to construct a novel DeepIoT.IDS model.

    3 Research Background

    3.1 Bernoulli-Bernoulli Restricted Boltzmann Machine(BB-RBM)Algorithm

    The basic RBM algorithm represents a neural network with directional connections of multiple hidden layers.A basic structure of the RBM is thevi, which represents the visible node of the input layer, andhj, which represents the hidden node of the output layer.Meanwhile,aidenotes the biases of the input layer,bjdenotes the biases of the output layer, andWijdenotes the weights between the nodes of the two layers.The RBM increases its generation probability by adjusting the training weights between the nodes, as shown in Fig.3a.A deep restricted Boltzmann machine(deep RBM) consists of several RBMs in which each RBM output is fed to the following RBM,as shown in Fig.3b [39].The energy function is defined as:

    wheremis the number of visible nodes,nis the number of hidden nodes, and the values’range of visible and hidden nodes is between {0, 1}.The conditional probabilitiesp(hi=1|v)andp(vi=1|h), are:

    Eq.(2) shows the probabilities of a hidden layer using sigmoid functionσand the probabilities of a visible layer using sigmoid functionσ, as defined in Eq.(3):

    Figure 3:The improvement of deep RBMs (a) Basic structure of RBM (b) Deep RBMs

    We can use the Gibbs sampling algorithm [40] to sample the nodes of hidden and visible layers; each iteration of Gibbs sampling consists of two steps:(1) sample a new hidden vectorh(h)based on the conditional probabilityp(h|v(t- 1)) and (2) sample a new visible vectorv(t)based on the conditional probabilityp(v|h(t)).The log-likelihood loss is used to train the RBM algorithm, and the derivative with respect toθ={W,b,c}takes the following form:

    Similarly, the log-likelihood derivatives for the biasbiof theithvisible node and the biascjof thejthhidden node are, respectively, given by:

    The training of the RBM algorithm differs from the training of regular neural networks.The learning process used a contrastive divergence (CD) algorithm [41] to estimate the log-likelihood gradient derivatives of an RBM using Gibbs sampling.In CD learning, a Markov chain is run only forksteps (typically,k= 1, 2,..., 10).The Gibbs chain is initialized with one of the training vectors,v(0).During each Gibbs sampling stept,h(t)is sampled from the conditional probabilityp(h|v(t-1)), followed by the sampling ofv(t)based onp(v|h(t)).Theksteps of Gibbs sampling yieldv(k)andh(k), which are subsequently used for estimating the log-likelihood derivatives.

    3.2 Conventional Deep Belief Network(DBN)Algorithm

    A deep belief network (DBN) algorithm is a greedy layer-wise technique that learns features from unlabeled data in a UL manner [42].The DBN consists of a stack of RBMs; any RBM’s output forms the next RBM input.It uses a small labeled dataset to associate patterns that the RBMs learn to form classes.The pre-training of the DBN provides a way to develop neural networks while only training shallow networks.In cybersecurity, DBN [43] can be used for classification tasks by adding backpropagated two layers classifier to the end of RBMs to classify learned features, as shown in Fig.4a.The training process of the DBN is the same as the learning process of the RBM, in which the layers of the DBN are learning individually until they reach optimal parameters, then start extracting important features.Lastly, the backpropagated two layers are trained based on significant features in the SL manner.

    Figure 4:The DBN vs.the HW-DBN (a) CDBN algorithm (b) HW-DBN algorithm

    4 Research Methods

    This section describes the main components of this work and presents the theoretical concepts behind the novel DeepIoT.IDS model, which detects intrusions by classifying network states into normal and several abnormal types of attack.This paper proposes a few improvements to the conventional training methods for CDBN to overcome the existing difficulties, based on the GBRBM algorithm for extracting important features in the pre-training stage and DNN for the classification task.

    4.1 Deep Gaussian-Bernoulli Restricted Boltzmann Machine(GB-RBM)Algorithm

    Different types of RBM algorithms have a similar structure but different parameters, such as the Gaussian–Bernoulli RBM (GB-RBM) algorithm.RBM defines each neuron’s state as binary numbers, limiting their application in domain cybersecurity.One common approach to address this difficulty is to substitute the visible binary neurons with the Gaussian ones.The GB-RBM has several real values of the visible nodesvmand binary values of the hidden nodeshn[36,44].We define the deep GB-RBM based on the same idea of the BB-RBM algorithm by using the energy function as follows:

    where in (7),σ2is the variance associated with the Gaussian visible unit,aiandbirepresent the biases of the visible and hidden nodes,wijrepresents the weights that connect the visible and hidden nodes,σirepresents the standard deviation that is associated with the Gaussian visible nodesvi, andmandnspecify the number of visible and hidden nodes, respectively.The conditional probability of the nodes is as below:

    whereN(x|μ,σ2)is a probability density of normal distribution with a meanμand a standard deviationσ, and:

    whereσ(x) is the logistic sigmoid function, i.e.,σ(x)=1/(1+e-x).

    The free energyf (v)is an energy function that assigns low energies to the variables with correct values and higher energies to the remaining variables with incorrect values.Thef (v)of an RBM with binary units further simplifies to:

    The improved RBMs are trained based on the contrastive divergence (CD) algorithm.The main aim of the CD algorithm is to find optimal parametersθaccording to the procedures of Gibbs sampling, loss function, weights modification, and new weights calculation as follows:

    Gibbs sampling:The first part of the training is called Gibbs sampling.Given an input vectorv, we usep(h|v)for the prediction of the hidden valuesh.Knowing the hidden values, we use(v|h):

    This process is repeated forkiterations to predict new input valuesv.Subsequently, new input valuesvkare obtained from the original input valuesvo.

    Loss function:We compute the loss function using mean squared error by squaring the difference of distribution probability of data<■>dand expecting the distribution probability of the model<■>mas in the following Eq.(12):

    In general, learning in RBMs involves minimizing the mean square error given by:

    and

    and

    The<■>ddenotes the expected values of the data and<■>mdenotes the expected values of the model.The expectation for the binary data is performed by using Eq.(10), whereas the expectation for the expected data is performed by using Eq.(11).Eq.(12) calculates the error,and Eqs.(14)–(16) minimize the error using gradient descent.

    New weights calculation:The Adam algorithm calculates the new weights, given by Eq.(17)using the updated matrix:

    We implement many steps with the above forms to get the optimal parametersθ={W,a,b};this minimizes the loss to the lowest point and ensures that the cost function is at the optimal value (minima).

    4.2 Weighted Deep Neural Network(WDNN)Algorithm

    A weighted deep neural network (WDNN) is made up of densely connected or fully connected neural layers based on a cross-entropy loss function [45].Specifically, weight cross-entropy loss(WCEL) is used for solving imbalanced data in cybersecurity.It can distribute labels for enhancing the training of the classification task.The structure of a WDNN consists of three layers.The first layer is training data, which is extracted from the last layer of the RBM.The second layer is a hidden layer with a rectified linear activation (ReLU) function and 78 neurons.Lastly, the output layer has neurons that are equal to the labels of the dataset and softmax activation function.The loss is calculated by using the WCEL function, and Eqs.(18) and (19) are used to calculate the weightswkfor each label of training data.Generally, the weights of positive classes are higher than negative classes.During the training of the model, the parameters (w,b)are updated for the low-frequency classes more than the high-frequency classes.It is mathematically represented as:

    and

    whereZj=xW+bi,Yj=ReLU(Zj)andP(y=j|x)=softmax(Y).

    Then weight-categorical cross-entropy loss is calculated using Eq.(21):

    whereMrepresents the number of training examples,Krepresents the number of classes,wkrepresents the weight for a classk,represents the target label for training examplemfor the classk,xmrepresents the input for training examplem, andhθrepresents the model with neural network weights.

    4.3 Hybrid Weighted Deep Belief Network(HW-DBN)Algorithm

    The conventional DBN has a multi-layer RBM for feature extraction and a backpropagation SL algorithm for classification, as shown in Fig.4a.Subsequently, we propose a novel hybrid weighted deep belief network (HW-DBN) algorithm for building an anomaly-based IDS model.The HW-DBN integrates the deep GB-RBM algorithm as a UDL approach with the WDNN classifier that has a backpropagation algorithm as an SDL approach.

    The HW-DBN has the advantage of classifying based on extracted features fed from the proposed deep GB-RBM algorithm.We pre-train the first and second layers of the HW-DBN algorithm during the pre-training phase and then extract the features from the last layer and feed them into the training algorithm at the classification stage of the WDNN to further minimize the prediction error.The algorithm HW-DBN comprises three hidden layers of the deep GBRBM for the UDL technique with two hidden layers of WDNN backpropagation for the SDL technique at the other end, as shown in Fig.4b.Hence, there are two core training techniques performed in the training phase of the HW-DBN algorithm.Firstly, we pre-train, individually,each layer of the deep GB-RBM algorithm using UDL and CD algorithms.We then use the initial stage’s extracted features as an input feature of the SDL technique for the training process of the classification phase.In the subsequent decision stage, we collectively train the two layers of the WDNN algorithm.Then the HW-DBN algorithm employs the WDNN algorithm to decide on normal and multi-class attack traffic.Algorithm 1 outlines the main steps of the HW-DBN algorithm of the DeepIoT.IDS model:

    Algorithm 1:The HW-DBN algorithm 01 Construct GB-RBM;02 Set input Data: Si is a sample of Features (X)= {x1,x2,...,xn}; label: Y; Epoch = N;threshold = 0.99999; Bach size (m) is samples number of data;03 WHILE condition images/BZ_64_2034_2820_2070_2866.png threshold DO:04 WHILE (len(X)) Do:05 FOR (li)∈X DO UDL to each layer (i):06 FOR Sni=0 to Xm DO training:07 Compute hidden units(hi) as in Eq.(10);08 Compute visible units(vi) as in Eq.(11);09 Compute loss function(erri) as in Eq.(12);10 Compute gradient to the parameters:11 Calculate Δwij as in Eq.(14); calculate Δbij as in Eq.(15);12 Calculate Δcij as in Eq.(16);13 Update the parameters(θ) using Adam algorithm:14 wnew; bnew; cnew; as in Eq.(17)15 END-FOR 16 END-FOR 17 END-WHILE /*****Deep GB-RBM*****/18 Xnew= Extracted features using Deep GB-RBM;19 FOR (Sm)∈Xnew DO SL to each layer (i):20 FOR Sni=0 to Sm DO backpropagation training:21 Ypredicted=DNN(Sn);22 lossweight= weight cross-entropy loss (Ypredicted) as in Eq.(20);23 Compute gradient using Nadam algorithm to lossweight;24 Update the parameters(θ):25 wnew=wold-ηΔw; bnew=bold-ηΔb;26 END-FOR 27 END-FOR 28 END-WHILE

    During the training phase, the WDNN of the HW-DBN algorithm classifies labeled and unlabeled network traffic instances to build the optimized classification model.The false positive alarms are reduced based on the weight of classes using gradient computing, which is a Nesterovaccelerated adaptive moment estimation algorithm [46].In this way, the model is not biased and reduces the overfitting to the majority labels with limited epochs.Moreover, it can detect skewed attacks and has a low number of false alarms.

    4.4 DeepIoT.IDS Model

    The DeepIoT.IDS model consists of four phases:data pre-processing, UDL pre-training, SDL classification, and evaluation.The first two phases represent the initial data-processing stage, and the last two phases represent the final decision stage.The DeepIoT.IDS model starts with the data pre-processing phase that performs statistical analysis on the CICIDS2017 dataset to discover defects, missing data, and noise.It then converts the dataset to raw data in a specific format and normalizes it by the min-max normalization method, also known as deviation standardization.We need to normalize the dataset to meet the standard conditions of the HW-DBN’s input dataset.This normalization makes a linear modification to the original data and maps the result to become a value between [0, 1].It is represented asXnew= (X – Min)/(Max – Min) whereMaxis the maximum value, andMinis the minimum value of the sample data.

    Then the initial stage employs the deep GB-RBM algorithm to extract network traffic features.This phase generates low presentation features from high dimension data to increase the detection rate for low-frequency attacks.In order to classify the connections of lines to different classes, the deep GB-RBM algorithm provides an abstract feature space to distinguish between attacks and normal traffics of the network.At each layer of the deep GB-RBM, the algorithm minimizes the errors arising from reconstructing the input features.The original unlabeled features are inputs to the first layer, and the output-compressed features are inputs to the second layer.Fig.5 shows the main components of the DeepIoT.IDS model along with the four processing phases.

    Figure 5:The DeepIoT.IDS model

    The proposed DeepIoT.IDS uses the HW-DBN algorithm to build its HDL classification model.Thus, the DeepIoT.IDS model operates according to UDL and SDL techniques.The termination condition of the UDL technique is represented by theNnumber of epochs.In contrast, the SDL technique’s termination condition is represented by exceeding the thresholds of pre-determined evaluation parameters.The evaluation phase represents a set of evaluation metrics that measure the proposed model’s performance according to the obtained results during the testing of unlabeled data.These metrics include accuracy, G-mean, precision, recall, and F_Score criteria, as defined in Section 5.2.

    5 Experiments

    In this work, we propose a DeepIoT.IDS model that integrates a deep Gaussian–Bernoulli type of RBM (Deep GB-RBM) with a WDNN of the HW-DBN algorithm for efficient and reliable IoT network IDS.In this section, we show the implementation results and evaluation of the DeepIoT.IDS model.We evaluate the DeepIoT.IDS model based on 78 features of realistic and new benchmark datasets.

    5.1 Benchmark Datasets Description

    This work utilizes the CICIDS2017 benchmark dataset that represents BENIGN and modern network traffic attacks [47].We obtained the dataset from the Canadian Institute for Cybersecurity’s datasets repository.1Canadian Institute for CybersecurityWe generated the dataset over two different simulation periods of five days and a total of 80 features.We then collected raw data of 51 GB using TCPDUMP and analyzed it with the CICFlowMeter tool.We distinguished this dataset from other datasets by using protocols such as email protocols, FTP, SSH, HTTP, and HTTPS.Moreover, this dataset includes most of the up-to-date common attacks, according to the 2016 McAfee report.The CICIDS2017 dataset includes web attacks and infiltration datasets, which we used to evaluate the DeepIoT.IDS model.Fig.6 shows the distribution of the CICIDS2017 scenarios that were used to train and test the model.

    Figure 6:The distribution of web and bot attacks in the CICIDS2017 dataset (a) Bot attack scenarios (b) Web attack scenarios

    The BENIGN class has 168,186 samples, and other rarer classes have 2153 samples.The infiltration dataset has two classes, which are BENIGN with 288,566 samples and bot with 36 samples.Redundant instances may lead to the problem of imbalanced class distribution, which is known to bias a machine learning classifier towards the majority class [48].However, these datasets have many issues that affect the configuration of the training model and the testing model’s construction.We explain these issues as follows:

    ? Huge volume of data:As mentioned earlier, the CICIDS2017 dataset contains data of almost all recent attack labels, which makes the size of the dataset huge.The data size causes a limitation for the research in that there is a huge increase in the loading and processing overheads.The huge amount of data affects the attack detection ability of the conventional NIDS and mandates the development of advanced algorithms.

    ? Missing values:The CICIDS2017 dataset contains duplicate samples and a lot of instances of missing data.Therefore, it requires advanced pre-processing algorithms.

    ? High imbalance classes:The CICIDS2017, like most cybersecurity datasets, is extremely imbalanced.The imbalanced dataset is known to have a high imbalance ratio (IR) when comparing the majority and minority classes, as shown in Eq.(22):

    Table 1:The specifications of the CICIDS2017 dataset

    The CICIDS2017 includes several imbalanced benchmark multi-class datasets, as defined in Tab.1.The level of imbalanced attacks differs from other attacks.The higher IR indicates an extremely imbalanced dataset, e.g., infiltration and web attacks; hence, we used them for testing the DeepIoT.IDS model.The web attacks dataset has four classes:BENIGN (168 instances and 186 IR), brute force (1507 instances and 111.97 IR), XSS (652 instances and 257.95 IR), and SQL injection (21 instances and 800.85 IR).The infiltration dataset has two classes:BENIGN (288,566 instances) and bot (36 instances and 8015.7 IR).

    5.2 Evaluation Metrics

    We cannot visually and easily interpret most real data; therefore, we must rely upon more quantitative metrics to evaluate a model and determine which classes are easy for a model to use.This entails the use of recommended metrics for the evaluation of the DeepIoT.IDS model by utilizing performance metrics like accuracy, precision, sensitivity (recall), F_Score, training time,and prediction time, as follows [3,10]:

    ? Accuracy is the ratio of correct predictions for both TP and TN prediction of attacks compared with the total number of tested cases:

    ? Precision (true positive rate) is used to measure the proportion of positives that are correctly identified:

    ? Recall (sensitivity) measures the number of correct classifications penalized by the number of missed entries identified:

    ? F_Score is a measure to find a balance between precision and recall:

    ? Testing time describes how much time an approach has taken to predict the whole dataset as either normal or attack:

    We quantify true positive (TP) measures as the number of attacks appropriately determined as attacks.In contrast, we define false positive (FP) measures as the number of normal connections wrongly determined as attack connections.In addition to that, we define true negative (TN)measures as the number of normal connections accurately determined as normal.Finally, we define the false negative (FN) measures as the number of attack connections wrongly determined as normal [11].We use the G-mean of Eq.(19) to evaluate the degree of inductive bias that considers both negative accuracy and positive accuracy.The G-mean is less sensitive to data distributions in that its high value denotes high classification performance for the majority and minority classes.The G-mean formula is given as follows:

    5.3 Results and Discussion

    We conducted the experimental tests of the DeepIoT.IDS models using TensorFlow 1.2 version NVIDIA 1080 on a desktop with a 2.0 GHz Intel Core i3 CPU, 4 GB RAM, and 64-bit Ubuntu16.06 operating system.The test considered a case in which the proposed model detects an anomaly in the computer network system.The test benchmarks consisted of three DL models–BB-RBM, BB-DBN, and deep AE–and our proposed DeepIoT.IDS model.We selected these other models due to their similarity to our DeepIoT.IDS model.The experimental setting included a deep GB-RBM consisting of three layers, 100 hidden neurons, and 78 visible neurons.We selected the ReLU function as the model’s activation function and randomly set the initial weights of the 78 hidden neurons.We used five epochs to train the model and divided the dataset into 70%training set and 30% testing set [20].We used the evaluation criteria of precision, recall, F_Score,and G-mean to evaluate the four models.The first experiment implemented the CICIDS2017 dataset in the web attack scenarios containing four classes (BENIGN, brute force, XSS, and SQL injection).The pre-processing of this experiment removed three of the 81 features (leaving a total of 78).Subsequently, we performed a column-wise normalization of [0, 1] interval, as described in Section 3.3.The results from running the BB-RBM, BB-DBN, deep AE, and our proposed DeepIoT.IDS models for web attack scenarios are shown in Tab.2.

    Table 2:Comparing the performance of the four models in the web attack scenarios

    As shown in Tab.2, the proposed DeepIoT.IDS provides the best learning and testing results,which surpassed the BB-RBM, BB-DBN, and deep AE classifiers.In general, the results show that the HW-DBN algorithm of the DeepIoT.IDS model was able to learn a greater number of important features of the CICIDS2017 dataset than the other models.Consequently, the model generated confusion matrices that gave superior performance compared to those of the other models.Hence, the DeepIoT.IDS model was able to detect the four types of attack (BENIGN,brute force, XSS, and SQL injection) while other models suffered low detection rates for brute force, XSS, and SQL injection because of their poor handling of the skewed attacks distribution,noise, and high data dimensionality problems.Tab.3 reports the results of the four models for the web attack and bot attack scenarios of the CICIDS2017 dataset.The results show that DeepIoT.IDS achieved the highest accuracy (99.38%) and the highest G-mean (99.40%) compared with the other three models.Furthermore, it performed with a lower number of epochs to achieve the required results and with the best execution time of 363.941 ms.

    Table 3:Comparing the accuracy and G-mean of the four models

    The bot attack scenarios only included two classes of attack, BENIGN, and bot, as shown in the evaluation phase of Fig.6.The results in Tab.3 show that the DeepIoT.IDS achieved the highest accuracy (99.99%) and the highest G-mean (95.74%) compared with the other three models.Furthermore, it performed with the second lowest number of epochs to get the required results but with the second highest execution time of 265.39 ms.For a better demonstration of the results of both web and bot attacks, Fig.7 compares the accuracy and G-mean of the four models according to the web attack and bot attack test scenarios.

    Subsequently, the benchmarking analysis compared the newly developed model with the existing ones, which confirmed the superiority of the DeepIoT.IDS model.A two-stage deep feature extraction and learning algorithms support the DeepIoT.IDS model to enable it to detect existing and newly discovered intrusion attacks.The model achieves higher accuracy and G-mean by constructing features from a huge amount of data for a set of refined training features.The results confirm that the model is less vulnerable to multi-type and unbalanced attacks than other DL models.

    Anomaly IDSs (AIDS) in general have several limitations, including low accuracy and high false alarms.Signature-based IDS models could detect traditional intrusions, and AIDS could detect novel attacks.Furthermore, developing a real-time detection, anomaly-based IDS for IoT networks is very demanding.This is because such an IDS would need to distinguish a normal behavior first and then detect malicious behavior to produce more realistic results.Subsequently,we summarize the limitations of the present work as follows:(i) additional classification models should be tested to provide a more comprehensive evaluation of the results, (ii) given that the proposed DeepIoT.IDS model relies on all available features.A feature reduction approach might limit the computational cost and time complexity of the training and testing processes, and(iii) other evaluation criteria and testing datasets should be considered to further the analysis of the proposed model.

    Figure 7:The relationship between accuracy and G-mean

    6 Conclusion and Future Work

    This paper proposes a novel hybrid weighted deep belief network (HW-DBN) algorithm that integrates a deep Gaussian–Bernoulli type of RBM (deep GB-RBM) algorithm with a weighted deep neural network (WDNN) algorithm.The HW-DBN algorithm deploys the deep GB-RBM for unsupervised deep learning (UDL) and WDNN backpropagation for supervised deep learning (SDL) to manifest a hybrid deep learning (HDL) approach.The HW-DBN algorithm is incorporated within a DeepIoT.IDS model to deal with the problem of intrusion detection in IoT networks efficiently and reliably.The DeepIoT.IDS model’s operating regime covers both processing and decision stages.The processing stage includes pre-processing and pre-training phases, while the decision stage involves the classification and evaluation phases.We tested the DeepIoT.IDS model by utilizing the CICIDS2017 benchmark datasets.The CICIDS2017 dataset is suitable to represent IoT environments because it has complex anomaly patterns, novel attacks,and highly imbalanced classes.We conducted extensive experiments on web attack and bot attack scenarios to evaluate the performance of the model.The web attack scenarios comprise multiclass detection of BENIGN, brute force, XSS, and SQL injection attacks, while the bot attack scenarios comprise signal-class detection of BENIGN and bot attacks.In the first set of scenarios,the results show that the DeepIoT.IDS model achieved the highest accuracy (99.38%) and the highest G-mean (99.40%) compared with the BB-RBM DBN, GB-RBM DBN, and deep AE models.Furthermore, it performed with a lower number of epochs to get the required results and the best execution time of 363.941 ms.In the second set of scenarios, the results show that the DeepIoT.IDS model also achieved the highest accuracy (99.99%) and the highest G-mean (95.74%)compared with the other three models.Furthermore, it performed with the second lowest number of epochs to get the required results but with the second highest execution time of 265.39 ms.The results, therefore, demonstrate the robustness and efficiency of the DeepIoT.IDS model to represent a future benchmark for constructing IDS based on deep learning algorithms in the research community of network and security.Future work may consider developing a real-time AIDS that improves the overall performance of IoT networks.Such an AIDS model would be more realistic and would need to quickly detect normal behaviors in order to trace and eliminate malicious behaviors.

    Acknowledgement:This work was partially funded by the Industry Grant Scheme from Jaycorp Berhad in cooperation withUNITAR International University.The authors would like to thank INSFORNET, the Center for Advanced Computing Technology (C-ACT) at Universiti Teknikal Malaysia Melaka (UTeM), and the Center of Intelligent and Autonomous Systems (CIAS) at Universiti Tun Hussein Onn Malaysia (UTHM) for supporting this work.

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

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

    xxxhd国产人妻xxx| 国产成人精品久久二区二区免费| 日本欧美国产在线视频| 国产亚洲一区二区精品| 波多野结衣av一区二区av| 国产精品久久久人人做人人爽| 国产伦理片在线播放av一区| 国产av精品麻豆| 日韩人妻精品一区2区三区| 久9热在线精品视频| 久久久久国产一级毛片高清牌| 亚洲综合色网址| 成人三级做爰电影| 91精品伊人久久大香线蕉| 九色亚洲精品在线播放| 日韩制服丝袜自拍偷拍| av视频免费观看在线观看| 久久精品人人爽人人爽视色| 日韩人妻精品一区2区三区| 操出白浆在线播放| 夫妻午夜视频| 91精品伊人久久大香线蕉| 国产片特级美女逼逼视频| 秋霞在线观看毛片| av在线老鸭窝| 大香蕉久久网| 国产精品久久久久久人妻精品电影 | 男人爽女人下面视频在线观看| 亚洲精品中文字幕在线视频| 国产午夜精品一二区理论片| 国产免费福利视频在线观看| 少妇人妻 视频| 多毛熟女@视频| 色播在线永久视频| 激情视频va一区二区三区| 午夜免费成人在线视频| 国产又爽黄色视频| 每晚都被弄得嗷嗷叫到高潮| 欧美精品啪啪一区二区三区 | 各种免费的搞黄视频| 一本—道久久a久久精品蜜桃钙片| 亚洲九九香蕉| 久久天堂一区二区三区四区| 美女午夜性视频免费| 亚洲精品一二三| 精品国产一区二区三区久久久樱花| 满18在线观看网站| 亚洲av成人精品一二三区| 熟女少妇亚洲综合色aaa.| 黄片播放在线免费| 下体分泌物呈黄色| 免费黄频网站在线观看国产| 久久精品国产亚洲av涩爱| 日本a在线网址| 一区在线观看完整版| 午夜激情久久久久久久| 欧美国产精品va在线观看不卡| 国产高清视频在线播放一区 | 免费少妇av软件| 欧美黄色片欧美黄色片| 国产欧美日韩精品亚洲av| 性色av乱码一区二区三区2| 中文欧美无线码| 少妇的丰满在线观看| 久久精品久久精品一区二区三区| 亚洲中文字幕日韩| 国产又色又爽无遮挡免| av网站免费在线观看视频| 久久久久久亚洲精品国产蜜桃av| 99久久99久久久精品蜜桃| 天堂俺去俺来也www色官网| av线在线观看网站| 一区二区日韩欧美中文字幕| 午夜福利乱码中文字幕| 久久国产亚洲av麻豆专区| 亚洲av国产av综合av卡| 亚洲黑人精品在线| 狂野欧美激情性xxxx| 精品高清国产在线一区| av天堂在线播放| 1024香蕉在线观看| 亚洲人成电影观看| 欧美日韩亚洲国产一区二区在线观看 | 色视频在线一区二区三区| 我要看黄色一级片免费的| 国产精品久久久久久精品古装| 亚洲国产看品久久| 国产熟女欧美一区二区| 69精品国产乱码久久久| 日日爽夜夜爽网站| 亚洲伊人色综图| 黄色视频不卡| 精品熟女少妇八av免费久了| 精品卡一卡二卡四卡免费| 晚上一个人看的免费电影| 国产成人一区二区在线| 99热国产这里只有精品6| 一区二区三区四区激情视频| 久久久久网色| 水蜜桃什么品种好| 后天国语完整版免费观看| 精品久久久久久电影网| 婷婷色综合大香蕉| 欧美日韩视频精品一区| 极品人妻少妇av视频| 免费不卡黄色视频| 首页视频小说图片口味搜索 | 十八禁高潮呻吟视频| 欧美变态另类bdsm刘玥| 一级片免费观看大全| 男人操女人黄网站| 黑人欧美特级aaaaaa片| 久久久久久免费高清国产稀缺| a级片在线免费高清观看视频| 婷婷色麻豆天堂久久| 丰满人妻熟妇乱又伦精品不卡| 欧美日韩av久久| 日韩电影二区| 十八禁人妻一区二区| 久久影院123| 麻豆乱淫一区二区| 熟女av电影| 国产色视频综合| 激情五月婷婷亚洲| 久久久久久久大尺度免费视频| 十八禁高潮呻吟视频| 国产亚洲精品第一综合不卡| 国产免费又黄又爽又色| 丝袜美腿诱惑在线| 久久久亚洲精品成人影院| 青草久久国产| 久久久精品国产亚洲av高清涩受| 国产成人啪精品午夜网站| 中文字幕av电影在线播放| 亚洲欧美一区二区三区国产| 精品亚洲成国产av| 成年人免费黄色播放视频| 老鸭窝网址在线观看| 亚洲国产av影院在线观看| 国产在视频线精品| 在线亚洲精品国产二区图片欧美| 香蕉丝袜av| 日本色播在线视频| 好男人视频免费观看在线| 一级黄片播放器| 精品亚洲乱码少妇综合久久| 久久人妻福利社区极品人妻图片 | 国产精品 欧美亚洲| a 毛片基地| 成年av动漫网址| 亚洲国产精品999| videosex国产| 国产精品一国产av| 中文字幕色久视频| 啦啦啦视频在线资源免费观看| 久久国产精品影院| 日韩视频在线欧美| 精品一区二区三卡| 国产亚洲欧美在线一区二区| 欧美日韩一级在线毛片| 久久青草综合色| 97人妻天天添夜夜摸| 久久人人97超碰香蕉20202| 在线观看一区二区三区激情| 国产三级黄色录像| 最黄视频免费看| 精品少妇久久久久久888优播| 丰满少妇做爰视频| 午夜免费观看性视频| 国产一区二区激情短视频 | av片东京热男人的天堂| 91精品伊人久久大香线蕉| 天堂俺去俺来也www色官网| 高清视频免费观看一区二区| 十八禁人妻一区二区| 亚洲精品久久午夜乱码| 国产无遮挡羞羞视频在线观看| 亚洲精品久久成人aⅴ小说| 久久精品成人免费网站| 欧美少妇被猛烈插入视频| 丰满饥渴人妻一区二区三| 欧美97在线视频| 国产熟女欧美一区二区| 国产片内射在线| 99国产精品一区二区三区| 欧美日韩黄片免| 成人免费观看视频高清| 亚洲综合色网址| 一区二区av电影网| 欧美久久黑人一区二区| 大码成人一级视频| 久久久国产欧美日韩av| 久久久久久免费高清国产稀缺| 侵犯人妻中文字幕一二三四区| 最近手机中文字幕大全| 婷婷色综合www| 免费在线观看视频国产中文字幕亚洲 | 搡老岳熟女国产| 黑人巨大精品欧美一区二区蜜桃| 悠悠久久av| 亚洲精品国产区一区二| 精品国产超薄肉色丝袜足j| 亚洲国产成人一精品久久久| 欧美激情 高清一区二区三区| 在线看a的网站| 中文字幕人妻熟女乱码| 激情五月婷婷亚洲| a级毛片黄视频| 极品少妇高潮喷水抽搐| 美女脱内裤让男人舔精品视频| 亚洲五月婷婷丁香| 国产成人啪精品午夜网站| 一级毛片电影观看| 在现免费观看毛片| 亚洲欧美日韩另类电影网站| 嫩草影视91久久| 99国产精品免费福利视频| av网站免费在线观看视频| 少妇的丰满在线观看| 国产精品 欧美亚洲| 国产成人精品久久久久久| 亚洲国产最新在线播放| 久久综合国产亚洲精品| 亚洲精品久久久久久婷婷小说| 交换朋友夫妻互换小说| 日本欧美视频一区| 久久人人爽人人片av| 男人操女人黄网站| 欧美精品人与动牲交sv欧美| 男女免费视频国产| 肉色欧美久久久久久久蜜桃| 亚洲人成电影免费在线| 欧美久久黑人一区二区| 黄色视频在线播放观看不卡| tube8黄色片| 久久精品久久久久久久性| 欧美日本中文国产一区发布| 国产精品一国产av| 亚洲欧洲精品一区二区精品久久久| 国产精品秋霞免费鲁丝片| 欧美日韩国产mv在线观看视频| 一级a爱视频在线免费观看| 老汉色∧v一级毛片| 色94色欧美一区二区| 精品一区二区三区av网在线观看 | 国产精品熟女久久久久浪| 男人舔女人的私密视频| 女性生殖器流出的白浆| 肉色欧美久久久久久久蜜桃| 婷婷丁香在线五月| 亚洲精品日本国产第一区| 十八禁高潮呻吟视频| 成人亚洲精品一区在线观看| 亚洲熟女精品中文字幕| 国精品久久久久久国模美| 一级黄片播放器| 亚洲欧美色中文字幕在线| 日本av手机在线免费观看| 一边摸一边做爽爽视频免费| 高清视频免费观看一区二区| 亚洲精品久久久久久婷婷小说| 2018国产大陆天天弄谢| 成人国产一区最新在线观看 | 美女扒开内裤让男人捅视频| 热re99久久国产66热| 亚洲av成人不卡在线观看播放网 | 丝袜美腿诱惑在线| 黄色片一级片一级黄色片| 黑人欧美特级aaaaaa片| 国产爽快片一区二区三区| 满18在线观看网站| 少妇人妻久久综合中文| 女人爽到高潮嗷嗷叫在线视频| 婷婷成人精品国产| 精品少妇黑人巨大在线播放| 五月开心婷婷网| 国产高清不卡午夜福利| 亚洲精品自拍成人| 9191精品国产免费久久| 国产成人欧美| 少妇精品久久久久久久| 国产精品.久久久| 最黄视频免费看| 亚洲情色 制服丝袜| 国产视频一区二区在线看| 午夜免费观看性视频| 欧美激情高清一区二区三区| 一本色道久久久久久精品综合| 亚洲 欧美一区二区三区| 亚洲精品一区蜜桃| 欧美日韩综合久久久久久| 国产精品秋霞免费鲁丝片| 久久精品久久精品一区二区三区| 建设人人有责人人尽责人人享有的| 久热这里只有精品99| 国产福利在线免费观看视频| 国产男女内射视频| av不卡在线播放| 99久久人妻综合| 黄色一级大片看看| 黄色片一级片一级黄色片| 精品第一国产精品| 老司机深夜福利视频在线观看 | 日本一区二区免费在线视频| www日本在线高清视频| 人妻一区二区av| 国产成人一区二区三区免费视频网站 | 美女主播在线视频| 国产1区2区3区精品| 欧美日韩精品网址| 久久精品国产亚洲av涩爱| 女人精品久久久久毛片| 99国产精品一区二区三区| 欧美+亚洲+日韩+国产| 亚洲精品一区蜜桃| 亚洲成人免费电影在线观看 | 建设人人有责人人尽责人人享有的| 男女高潮啪啪啪动态图| 一本色道久久久久久精品综合| 久久精品国产亚洲av高清一级| 成年美女黄网站色视频大全免费| 国产欧美日韩一区二区三 | 18在线观看网站| 青草久久国产| 久久人妻福利社区极品人妻图片 | 美女主播在线视频| 少妇人妻 视频| 这个男人来自地球电影免费观看| 日韩熟女老妇一区二区性免费视频| 亚洲第一青青草原| 熟女av电影| 欧美97在线视频| 亚洲精品一区蜜桃| 悠悠久久av| 蜜桃国产av成人99| 免费在线观看影片大全网站 | 精品国产超薄肉色丝袜足j| 久久久久网色| 久久久久久久国产电影| 天天影视国产精品| 女人被躁到高潮嗷嗷叫费观| 中文字幕av电影在线播放| 日韩制服骚丝袜av| 亚洲人成电影观看| 欧美激情 高清一区二区三区| 老汉色∧v一级毛片| 亚洲自偷自拍图片 自拍| 午夜老司机福利片| 亚洲国产av新网站| 欧美人与性动交α欧美精品济南到| 十八禁人妻一区二区| 女警被强在线播放| 熟女少妇亚洲综合色aaa.| 多毛熟女@视频| 91老司机精品| 丰满少妇做爰视频| 一二三四在线观看免费中文在| 亚洲精品日本国产第一区| 国产精品免费大片| 国产成人精品久久二区二区免费| 高清不卡的av网站| 久久久久久亚洲精品国产蜜桃av| 亚洲国产中文字幕在线视频| 欧美精品av麻豆av| 丝袜美足系列| 亚洲国产欧美网| 99精品久久久久人妻精品| 免费看不卡的av| 国产真人三级小视频在线观看| 黄色 视频免费看| 亚洲熟女毛片儿| 妹子高潮喷水视频| 婷婷成人精品国产| 久久久精品免费免费高清| 亚洲成av片中文字幕在线观看| 在线精品无人区一区二区三| 熟女av电影| 男女床上黄色一级片免费看| 成年人免费黄色播放视频| 大陆偷拍与自拍| 成人免费观看视频高清| 捣出白浆h1v1| 黄片小视频在线播放| 最近最新中文字幕大全免费视频 | 国产一区二区三区av在线| 女警被强在线播放| 国产麻豆69| 免费不卡黄色视频| 777米奇影视久久| 这个男人来自地球电影免费观看| 国产色视频综合| 十八禁人妻一区二区| 1024视频免费在线观看| 婷婷色综合大香蕉| 亚洲成国产人片在线观看| 免费一级毛片在线播放高清视频 | 久久精品国产亚洲av涩爱| 国产成人精品久久久久久| 一本色道久久久久久精品综合| 一本—道久久a久久精品蜜桃钙片| 欧美日韩成人在线一区二区| 国产福利在线免费观看视频| 成人午夜精彩视频在线观看| 蜜桃国产av成人99| av天堂在线播放| 午夜福利视频在线观看免费| 国产精品国产av在线观看| 亚洲精品一二三| 久久久久精品人妻al黑| 日韩,欧美,国产一区二区三区| 美女脱内裤让男人舔精品视频| 国产精品九九99| 国产成人精品无人区| 麻豆av在线久日| 午夜av观看不卡| 最新在线观看一区二区三区 | 校园人妻丝袜中文字幕| 王馨瑶露胸无遮挡在线观看| 老司机亚洲免费影院| 国产精品国产三级国产专区5o| 狠狠精品人妻久久久久久综合| 精品亚洲乱码少妇综合久久| 国产真人三级小视频在线观看| 美女中出高潮动态图| 国产三级黄色录像| 亚洲九九香蕉| 亚洲五月婷婷丁香| 国产男人的电影天堂91| 麻豆国产av国片精品| 亚洲欧洲国产日韩| 少妇人妻 视频| 欧美国产精品一级二级三级| 脱女人内裤的视频| 啦啦啦中文免费视频观看日本| 王馨瑶露胸无遮挡在线观看| 亚洲图色成人| 99热全是精品| 日韩电影二区| 午夜福利一区二区在线看| 中文字幕制服av| 亚洲精品美女久久av网站| cao死你这个sao货| 天堂中文最新版在线下载| 一本色道久久久久久精品综合| 午夜两性在线视频| 国产成人影院久久av| 一本综合久久免费| 看免费成人av毛片| 亚洲,一卡二卡三卡| 秋霞在线观看毛片| 欧美+亚洲+日韩+国产| av片东京热男人的天堂| 9色porny在线观看| 成年人午夜在线观看视频| 亚洲少妇的诱惑av| 五月开心婷婷网| 国产欧美日韩综合在线一区二区| 少妇猛男粗大的猛烈进出视频| 亚洲精品国产av成人精品| 精品亚洲成a人片在线观看| www.999成人在线观看| 少妇人妻久久综合中文| 91麻豆精品激情在线观看国产 | 性色av乱码一区二区三区2| 国产极品粉嫩免费观看在线| 欧美国产精品一级二级三级| a 毛片基地| 日韩精品免费视频一区二区三区| 国产有黄有色有爽视频| 99久久精品国产亚洲精品| 欧美久久黑人一区二区| 国产老妇伦熟女老妇高清| 亚洲精品一区蜜桃| 日本黄色日本黄色录像| 这个男人来自地球电影免费观看| 国产男人的电影天堂91| 久久久久久久久免费视频了| 麻豆乱淫一区二区| 午夜免费观看性视频| 亚洲精品久久久久久婷婷小说| 欧美中文综合在线视频| 无限看片的www在线观看| 美女午夜性视频免费| 99精国产麻豆久久婷婷| 久久九九热精品免费| 久久久久久久久免费视频了| 亚洲精品国产av蜜桃| 免费观看人在逋| 又黄又粗又硬又大视频| 视频区欧美日本亚洲| 国产人伦9x9x在线观看| 亚洲第一青青草原| 又粗又硬又长又爽又黄的视频| 久久久久久久大尺度免费视频| 国产黄色免费在线视频| 欧美 亚洲 国产 日韩一| 国产亚洲精品久久久久5区| 一级毛片我不卡| 人人妻人人爽人人添夜夜欢视频| 亚洲色图综合在线观看| 日韩制服丝袜自拍偷拍| av福利片在线| 国产无遮挡羞羞视频在线观看| 中文字幕另类日韩欧美亚洲嫩草| 校园人妻丝袜中文字幕| 午夜福利一区二区在线看| 亚洲国产av新网站| 亚洲国产成人一精品久久久| 视频在线观看一区二区三区| 我要看黄色一级片免费的| 久久久久精品人妻al黑| 50天的宝宝边吃奶边哭怎么回事| 国产91精品成人一区二区三区 | 国产精品久久久久久精品古装| 男女免费视频国产| 99国产精品一区二区三区| 人人妻人人澡人人爽人人夜夜| 首页视频小说图片口味搜索 | 欧美黑人欧美精品刺激| 香蕉国产在线看| 91精品国产国语对白视频| 99国产精品免费福利视频| 国产精品免费大片| 亚洲第一av免费看| 日韩一卡2卡3卡4卡2021年| 久久人人97超碰香蕉20202| 亚洲五月婷婷丁香| 黄网站色视频无遮挡免费观看| 母亲3免费完整高清在线观看| 国产免费一区二区三区四区乱码| 国产欧美亚洲国产| 天堂8中文在线网| 美女午夜性视频免费| 久久久久久亚洲精品国产蜜桃av| 女人被躁到高潮嗷嗷叫费观| 18在线观看网站| 国产精品久久久久久精品电影小说| 国产黄频视频在线观看| 日本五十路高清| 一边亲一边摸免费视频| 精品人妻熟女毛片av久久网站| netflix在线观看网站| 母亲3免费完整高清在线观看| 精品国产超薄肉色丝袜足j| 免费不卡黄色视频| 国产精品国产av在线观看| 中文字幕av电影在线播放| 日本a在线网址| 亚洲三区欧美一区| 亚洲色图 男人天堂 中文字幕| 精品人妻一区二区三区麻豆| 国产视频首页在线观看| 看十八女毛片水多多多| 老司机影院成人| 午夜av观看不卡| av线在线观看网站| 欧美中文综合在线视频| 国产三级黄色录像| 曰老女人黄片| 亚洲精品日韩在线中文字幕| 黄色视频在线播放观看不卡| 国产成人精品久久久久久| 咕卡用的链子| 捣出白浆h1v1| 人人妻人人添人人爽欧美一区卜| 国产不卡av网站在线观看| 午夜久久久在线观看| 日韩电影二区| 黄片播放在线免费| 亚洲成av片中文字幕在线观看| 国产麻豆69| 日韩一区二区三区影片| 99国产综合亚洲精品| 日日摸夜夜添夜夜爱| 最近最新中文字幕大全免费视频 | 欧美激情 高清一区二区三区| 脱女人内裤的视频| 国产淫语在线视频| av天堂久久9| 精品国产一区二区三区四区第35| 中文字幕色久视频| 久久久国产欧美日韩av| 最新在线观看一区二区三区 | 国产精品久久久人人做人人爽| 99国产精品99久久久久| 天天添夜夜摸| 亚洲精品av麻豆狂野| 中文字幕另类日韩欧美亚洲嫩草| 一本大道久久a久久精品| 岛国毛片在线播放| 中国国产av一级| 欧美老熟妇乱子伦牲交| 一级片'在线观看视频| 欧美黑人欧美精品刺激| 亚洲国产精品一区三区| 午夜福利,免费看| 丰满人妻熟妇乱又伦精品不卡| 国产亚洲欧美在线一区二区| netflix在线观看网站| 国产男女超爽视频在线观看| a 毛片基地| 最新的欧美精品一区二区| 黑人巨大精品欧美一区二区蜜桃| 久久久久久亚洲精品国产蜜桃av| 精品亚洲乱码少妇综合久久| 黑人猛操日本美女一级片| 久久av网站| 中文字幕最新亚洲高清| 国产又色又爽无遮挡免| 伦理电影免费视频| 午夜影院在线不卡| 成年女人毛片免费观看观看9 | 99国产精品99久久久久| 中文字幕人妻丝袜一区二区| 久久久久精品国产欧美久久久 |