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

    Towards Machine Learning Based Intrusion Detection in IoT Networks

    2021-12-15 08:12:18NahidaIslamFahibaFarhinIshratSultanaShamimKaiserMdSazzadurRahmanMuftiMahmudSanwarHosenandGiHwanCho
    Computers Materials&Continua 2021年11期

    Nahida Islam,Fahiba Farhin,Ishrat Sultana,M.Shamim Kaiser,Md.Sazzadur Rahman,Mufti Mahmud,A.S.M.Sanwar Hosen and Gi Hwan Cho,*

    1Institute of Information Technology,Jahangirnagar University,Dhaka,Bangladesh

    2Department of Computer Science,Nottingham Trent University,Nottingham,UK

    3Division of Computer Science and Engineering,Jeonbuk National University,Jeonju,54896,Korea

    Abstract:The Internet of Things (IoT) integrates billions of self-organized and heterogeneous smart nodes that communicate with each other without human intervention.In recent years,IoT based systems have been used in improving the experience in many applications including healthcare,agriculture,supply chain,education,transportation and traffic monitoring,utility services etc.However,node heterogeneity raised security concern which is one of the most complicated issues on the IoT.Implementing security measures,including encryption,access control,and authentication for the IoT devices are ineffective in achieving security.In this paper,we identified various types of IoT threats and shallow(such as decision tree (DT),random forest(RF),support vector machine(SVM))as well as deep machine learning(deep neural network (DNN),deep belief network (DBN),long short-term memory(LSTM),stacked LSTM,bidirectional LSTM (Bi-LSTM)) based intrusion detection systems (IDS) in the IoT environment have been discussed.The performance of these models has been evaluated using five benchmark datasets such as NSL-KDD,IoTDevNet,DS2OS,IoTID20,and IoT Botnet dataset.The various performance metrics such as Accuracy,Precision,Recall,F1-score were used to evaluate the performance of shallow/deep machine learning based IDS.It has been found that deep machine learning IDS outperforms shallow machine learning in detecting IoT attacks.

    Keywords:IoT;shallow machine learning;deep learning;data science;IDS

    1 Introduction

    Internet of things (IoT) are growing exponentially and playing a vital role in our everyday life.IoT nodes can use internet protocol address and connect to internet.These self-configured smart nodes are driving beyond many cutting-edge applications such as process automation,home automation,smart cars,decision analytics,smart grids,health care system,educational development,industrial development and so on [1,2].Analysts are predicting that there will be a society with more connected devices than people living on this planet.The International Data Corporation (IDC) forecasted that there would be 41.6 billion connected IoT devices producing 79.4 zettabytes (ZB) of data in 2025 compared to the estimated population of 8.1 billion [3].

    In IoT systems,heterogeneous nodes are connected to a complex network architecture and pose security concerns.The key challenge is to ensure security in resource constraint IoT nodes [4].Otherwise,these IoT nodes are vulnerable to different types of attacks.IDSs are a rudimentary and powerful security mechanism in maintaining sufficient network protection in any IoT embedded environment [5,6].They are proficient in monitoring,analyzing,and detecting real-time data packets through passive traffic collection even-if they are intruders or not.IDSs are traditionally organized into network-based (NIDS) and host-based IDS (HIDS) based on the detection places.Any IDS aims to monitor traffic and recognize different malware activities immediately [7,8].With the escalating number of anomalies,the upgrading and development of IDSs have become exceedingly important as the main challenge in intrusion detection is to find out the obscure attacks from the routine traffic flow [9].Due to the dynamic approach of drawing a fine line between malware and benign data with high detection accuracy,shallow Machine Learning (ML)has become the center of attention of many researchers to upgrade the performance of IDSs [10].Many supervised and unsupervised ML tools are effectively introduced for this purpose i.e.,fuzzy logic (FL),support vector machine (SVM),artificial neural network (ANN),K-nearest neighbor(KNN),logistic regression (LR),hidden Markov model (HMM),genetic algorithm (GA),naive Bayes (NB),random forest (RF),decision tree (DT),decision forest (DF),decision jungle (DJ)and compacted hybrid algorithms,etc.[11-13].

    In this research,data analysis-based techniques have been used as it works faster than others and performs better for the unspecified cases raised from unknown attacks.The essential objective of the framework is to build up a keen,secured,and trusted IoT based system that can differentiate its vulnerability,provide a protected firewall against all cyberattacks,and recuperate itself consequently.Thus,a learning-based methodology is proposed here which can recognize and ensure the infrastructure’s security when it is in the anomalous condition.Despite the prevalence of utilizing conventional shallow ML strategies for classification problems,they still have numerous inadequacies that should be tended to,for example,the point of view of full representation of features,problem complexity,and static classification limitations.Deep learning (DL),having hierarchical architectures,is considered as a class of ML techniques that comprises numerous layers of data processing for classification and pattern recognition.Instead of conquering the previous lack of customary machine learning techniques,it puts an extraordinary mark on many research explorations recently.In light of DL achievement and stability,it has been effectively utilized in a wide scope of uses these days,for example,natural language processing,computer vision,and cybersecurity systems.For this errand,three shallow ML classifiers and five DL models have been exploited.Another vital part of this paper is that it has made the comparison of a simple model like DT or RF with a complex network like deep belief network (DBN),long short-term memory (LSTM),bidirectional long short-term memory (Bi-LSTM) for anomaly detection.

    The main contributions of this research can be summarized as follows:

    · A comprehensive workflow is proposed to predict optimal attack detection model in IoT systems.

    · In addition to two most commonly used network attack datasets (such as NSL-KDD and DS2OS) three new datasets (such as IoTDevNet,IoTID20,and IoT Botnet) have been used.

    · The performance of some shallow and deep machine learning algorithms has been evaluated using these five datasets through extensive experimentations.

    The rest of the paper describes the state-of-the-art of this field and IoT threats in Section 2 and proposes methodologies,detailed dataset descriptions,learning model summary in Section 3.In Section 4,experimental setup,performance analysis,and comparative study with other existing works are explained.In the end,Section 5 presents concluding remarks with future scopes.

    2 Literature Survey

    2.1 State-of-the-art

    This section includes some of the researches of various ML algorithms and classifiers integrated IDSs to detect intrusions in IoT networks.Roy et al.[14]has introduced a Bi-LSTM recurrent neural network (Bi-LSTM RNN) approach for intrusion detection aiming to identify a binary classification of normal and attack patterns.The implemented model has been trained using the UNSW-NB15 dataset and it achieves over 95% accuracy in IoT attack detection.Le et al.[15]developed a Botnet detection model using CNN with one class classification which used features derived from the system call graph.The model achieved an accuracy of 97% and an F-measure of 98.33% [16,17].Almiani et al.[18]proposed a multi-layered deep RNN model to be implemented for IoT devices.The performance was evaluated using NSL-KDD dataset and found the detection rates of DoS,Probe,U2R,and R2L attacks are 98.27%,97.35%,64.93%,and 77.25%,respectively.Along with the detection rate,the overall performance has experimented with other works [19-22]in terms of accuracy,precision,false positive,and negative rate with less execution time.Another two-performance metrics have been added as Mathew correlation and Cohen’s Kappa coefficient reached 84.44% and 84.36%,respectively.According to the performance and experimental analysis,this work provides an almost perfect detection strategy against cyberattacks.

    A novel intrusion detection system proposed by Xu et al.[23]analyzed the performance of some basic and hybrid RNN models named BGRU+MLP,GRU+MLP,BLSTM+MLP,LSTM+MLP,GRU,LSTM,and MLP to provide security against IoT attacks.The defined models are trained and tested using both KDD’99 and NSL-KDD dataset.For both of the datasets,BGRU+MLP provides the highest detection rate of 99.84% and 99.24%,respectively.Li et al.[24]implemented LSTM,GRU,Bi-LSTM,and Broad Learning System (BLS) algorithms on the NSLKDD dataset for various known intrusion classification.The performance analysis determines that the BLS reduces the model training time with an overall accuracy of 84.15% and 72.64%,corresponding to KDDTest+and KDDTest-21 datasets.Elmasry et al.[25]presented an empirical study on intrusion detection using the variations of ML and DL models:DF,DJ,DNN,DBN,LSTM-RNN,and GRU-RNN.Four datasets,namely,KDD CUP 99,NSL-KDD,CIDDS,and CICIDS2017,have been employed to scrutinize the performances of these algorithms to detect and classify anomalies in terms of 22 different evaluation metrics.However,the experiment result shows that DL models exploit the ML models,specifically DBN enhances the detection accuracy rate from 5% to 10% than others.Furthermore,a heuristic approach for intrusion detection designed by Ayyaz et al.[26]showcased an accuracy from 85.5% to 95.25% for RNN-IDS.The IDS is trained by gradient descent algorithm beforehand and later on again trained and tested with KDD20+and KDDTest+dataset.The performance of RNN-IDS surpasses the other applied algorithms,namely,J48,SVM,NB,NB Tree,MLP,RF,RF Tree,and ANN.

    A hybrid sampling-based intrusion detection by Jiang et al.[27]is experimented with the combination of NSL-KDD and UNSW-15 datasets,separately.The combination of SMOTE and OSS is applied to construct a balanced dataset to train the models developed using RF,CNN,BiLSTM,CNN-BiLSTM,AlexNet,and LeNet-5 classifiers.The statistical result claims that the CNN-BiLSTM outperformed other algorithms with an accuracy of 83.58% and 77.16% for the mentioned datasets,respectively.Dushimimana et al.[28]introduced a Bi-RNN based intrusion detection system to investigate the efficiency of some other DL algorithms,namely RNN and GRNN.The performance is evaluated using 10% KDD dataset and the Bi-RNN records the best accuracy of 99.04% compared to others.

    Hasan et al.[29]discussed some paradigmatic ML techniques for intrusion detection in IoT networks leading to system failure.Five-fold cross-validation has been performed on the DS2OS dataset using each of the considered ML techniques:LR,SVM,DT,RF,and ANN.Among these,RF performs more accurately,about 99.4%,to detect IoT attacks though the performance of RF will be this better is not guaranteed in case of real-time or vast enormous unknown data.Cheng et al.[30]proposed a semi-supervised Hierarchical Stacking Temporal Convolutional Network(HS-TCN) to detect anomalies in IoT communication.The experiment conducted using two of the variations of the original dataset DS2OS-the data gathered for 11 days (DS20S-A) and the other one is the under-sampled value of these collected data (DS2OS-UA).The HS-TCN model performs better in comparison to LSTM and SVM for both of the modified datasets.Another ML-based anomaly detection method was devised by Sahu et al.[31]through the implementation of LR and ANN classification algorithms in a two-fold way.Both LR and ANN obtain around 99.4% accuracy using the full dataset while the accuracy of 99.99% is achieved after the omission of around 1,05,952 data from the original dataset.In both of the cases,the dataset is split into a proportion of 75% and 25%,respectively.

    Latif et al.[32]introduced a novel strategy for attack detection in industrial IoT using an advanced and lightweight scheme of ANN,the Random Neural Network (RaNN).The suggested RaNN is trained by the gradient descent (GD) algorithm.The dataset is processed by discarding the feature ‘Source ID’to obtain an accuracy of more than 99%,which eventually outperformed the accuracy score of ANN,SVM,and DT.A DNN architecture is presented by Reddy et al.[33]to secure the applications of future smart cities.Around a number of 2,198 null rows are excluded from the original dataset,and the rest of the data partitioned into the ratio of 70% and 30% for training and testing purposes,respectively.The result analysis shows that around 98.26% accuracy is achieved by this DNN strategy even with a different number of layers and neurons in a comparison of conventional ML classifiers.

    Above surveyed studies regarding IoT security are summarized according to their datasets,models and best accuracy result in Tab.1.

    Table 1:IoT security literature survey summary

    (Continued)

    Table 1:Continued

    (Continued)

    Table 1:Continued

    In Tab.1,we found that these models are not created with several IoT and other attack datasets;many studies did not consider hyper parameters tuning.Further,there is no discussion of comparison between shallow ML and DL models,complex DL models are less researched,and training and validation have not been widely observed.That is why we have proposed the IDS model based on shallow ML/DL with five datasets which includes this gap discussed above.

    2.2 Iot Threats

    With the distributed nature,an IoT network is a layered architecture where every layer sequentially maintains individual tasks to run this whole platform efficiently.Intrusion happens in every layer to breach the security where researchers have found multiple attacks occurring in the whole network including the protocol and gateways [34].Fig.1 shows the IoT attack scenario inclusively where the IoT framework is considered as a combination of various IoT sensors and devices,networks,platforms,applications,management,and services.Some intrusions have recently gained much attention to security analysts due to their increasing rate and DoS,Probe,U2R,and R2L are considered as the encapsulated form of these attacks occurred in the whole network [35].

    Figure 1:Relationship visualization of IoT ecosystem and potential threats

    3 Methodology

    The strategic framework to detect attacks on an IoT network follows the combination of some elementary steps.Fig.2 portrays the pictorial vision of this whole structure,where the first and foremost step is to collect the dataset,observe thoroughly,and analyze the features and their data types.In the next step,the pre-processing of the dataset is performed to be feedable to learning algorithms.The processed dataset is split into train and test sets with a ratio of 80:20,respectively.The train set is used for the training process with the considered ML/DL learning algorithms.Lastly,the final models are assessed using the test set in terms of the considered performance metrics.

    3.1 Dataset Collection and Description

    In this research work,five datasets have been used to train and evaluate three shallow ML and five DL models.To analyze intrusion detection methods,two widely used datasets (NSLKDD,DS2OS) and other three new datasets (IoT Device Network Logs,IoT Intrusion Dataset 2020,IoT Botnet Dataset 2020) have been chosen based on the IoT attack variation.The first dataset is NSL-KDD,extensively used as a benchmark dataset improvised from the original KDD’99 dataset by eliminating the redundancy of 78% and 75% train and test set records,respectively [36].The dataset contains around 42 features (41 independent,1 dependent) and a separated train and test set,denoted as KDDTrain+and KDDTest+with total records of 1,25,973 and 22,543,respectively.Besides,there is a total of 39 attacks classified into four attack classes:DoS,Prob,U2R,and R2L.As for the proposed experiment,the 20% records of the entire train set,KDDTrain+_20,and the subset of the test set,KDDTest-21 (deprecated of most difficult traffic records,a score of 21),are considered [37].Around 25,192 and 11,850 records with the same number of features are assigned to the corresponding datasets,KDDTrain+_20 and KDDTest-21,respectively.The second dataset IoT Device Network Logs is discovered from Kaggle [38]and preprocessed according to the network-based intrusion detection systems in IoT devices.To monitor the network and collect the records of events,Ultrasonic Sensor with Arduino and NodeMCU are used.The collected network logs are sent to the server via NodeMCU with the ESP8266 Wi-Fi module.The dataset contains a total of 4,77,426 data with 14 distinct features and classified into five classes:Normal,Wrong Setup,DDoS,Data Type Probing,Scan attack,and MITM.

    Figure 2:The proposed workflow for predicting optimum attack detection model

    Tab.2 presents the nuts and bolts of the attack and normal records of the corresponding dataset.Tab.3 lists the features and their data types.The third dataset,‘Distributed Smart Space Orchestration System’acronym as DS2OS,an open-source synthetic dataset collected from Kaggle and provided by M.Pahl et al.[39].They have generated the dataset by capturing traffic traces from the application layer of four different IoT sites with divergent types of services:light controller,thermometer,movement sensors,washing machines,batteries,thermostats,smart doors,and smartphones for a duration of 24 hrs.There are a total of 3,57,952 records and 13 features in the dataset along with eight non-identical classifications:DoS,Data type Probing,Malicious Control,Malicious Operation,Scan,Spying,Wrong Setup,and Normal.

    The ‘IoT Intrusion Dataset 2020’acronym as IoTID20 is the fourth dataset,adopted by I.Ullah et al.[40]generated from [41].The IoTID20 dataset contains 83 network features and three label features along with 625,783 records.The total records are categorized into five classes specifically,Mirai,Scan,DoS,Normal,and MITM.These classes are again categorized into seven sub-classes:Mirai Brute force,Mirai HTTP Flooding,Mirai UDP Flooding,Scan Host Port,Scan Port OS,Syn Flooding,and ARP Spoofing respectively.Tab.4 represents the overall distribution of attack and normal records accurately.

    Table 2:Record distribution of IoTDevNet dataset

    Table 3:Feature description of IoTDevNet dataset

    Table 4:Record distribution of IoTID20 dataset

    The fifth dataset is ‘IoT Botnet Dataset 2020’developed based on a comprehensive IoT network by I.Ullah et al.[42]using a network traffic flow analyzer to improve and increase the number of flow and network features.The original one has 46 network features and two label features with a limited number of flow features.But the developed one has 83 network features with three labeling features,namely,‘Label’,‘Cat’,and ‘Sub_cat’.It contains a total of 1,940,389 records (10% of the full dataset) and classified into two labels:normal or anomalous,and five classes:DoS,DDOS,Reconnaissance,Normal,and Theft,which is again organized into eleven sub-classes:Normal,DDoS-HTTP,DDoS-TCP,DDoS-UDP,DoS-HTTP,DoS-TCP,DoS-TCP,OS-Fingerprint,Service-Scan,Keylogging,and Data-Exfiltration.The detailed record distribution of the collected dataset is analyzed in Tab.5.Tab.6 lists the features and their data types for both IoTID20 and IoT Botnet Dataset 2020.

    Table 5:Record distribution of IoT Botnet dataset 2020

    Table 6:Feature description of IoTID20 and IoT Botnet dataset 2020

    3.2 Dataset Pre-processing

    Any ML/DL research requires radical data analysis to be compatible with the learning algorithms to accomplish accurate performance.Hence,it is necessary to perform pre-processing to convert the data from categorical values to numeric.There are two fundamental processes of pre-processing:Numericalization and Normalization.Before performing these,a few steps need to execute as dataset cleaning,finding out the missing values,and replacing the ‘NaN’(Not a Number) values.

    3.2.1 Data Cleaning

    Both the KDDTrain+_20 and KDDTest-21 datasets contain 42 identical features,whereas only one feature has missing values,namely,‘num_outbound_cmds’.IoT Network Device Logs Dataset is abbreviated as ‘IoTDevNet’for the supremacy of the further experimental work.As it contains no missing or ‘NaN’values,therefore,there is no need for further data filtering.As for DS2OS,there are two columns-‘Accessed Node Type’and ‘Value’containing missing values.The data types of these columns are categorical and continuous,respectively.The ‘Accessed Node Type’column has a total of 148 rows containing ‘NaN’values needed to replace or remove.Removal of these 148 rows might results in a loss of valuable data,eventually in substandard performance.Hence,the ‘NaN’values are restored with ‘Malicious’values.There are also some unassigned data in the ‘Value’column as ‘False’,‘True’,‘Twenty’,and ‘None’transformed into values ‘0.0’,‘1.0’,‘20.0’,and ‘0.0’,respectively.

    The IoT Botnet Dataset 2020 and the IoTIDS20 dataset both contain similar type and number of features with slightly variated attack classes.Before performing normalization on these two datasets,the empty spaces are dropped,useless indices are deprecated and the data types are converted into appropriate type (float) to avoid errors.In these two datasets,there are 16 features containing missing values which are removed to compute accurate result.

    3.2.2 Numericalization

    For each dataset,the data types of the features need to be determined beforehand for numericalization.In NSL-KDD,there are three categorical nominal variables in the ‘Service’,‘Flag’,and ‘Protocol_type’columns as well as in DS2OS;except ‘Value’and ‘Timestamp’;other columns contain categorical nominal variables [29,36].According to the inspection from Tab.3 and Tab.6,there is no categorical value in IoTDevNet dataset,but there are object values in two columns of both IoTID20 and IoT Botnet Dataset 2020,namely,‘Cat’and ‘Sub_Cat’.These categorical variables are converted into numeric by applying label encoding.Label encoding yields the same dimension of the dataset as before and assigns the same values to the repeated labels with low memory consumption.Hence,label encoding is applied to all of these four datasets to convert the categorical type features into numeric values.

    3.2.3 Normalization

    After numericalization,the StandardScaler method is applied to the continuous numerical data (particularly the high range ones) of the five concerned datasets for normalization.Standard-Scalar follows a normal distribution and scales the data by subtracting the mean 0 and dividing by the standard deviation 1.

    For featurexi,the value of mean and standard deviation ofxfeatures are calculated andxiis scaled based on the above Eq.(1) [43].

    3.3 Learning Algorithms

    3.3.1 Shallow Machine Learning

    ML is an Artificial Intelligence (AI) branch that is closely related to computational statistics which uses mathematical optimization to emphasis on prediction making.It is known to be unsupervised learning for different individuals to learn and develop baseline behavioral profiles and then to identify meaningful abnormalities.Shallow Learning is a form of ML in which models learn from predefined features represented by data.This study considers three shallow ML techniques,namely,DT,RF,and SVM.DT is a flowchart-like classification or regression model that works by separating a dataset into several smaller subsets while gradually evolving a related decision tree with decision and leaf nodes simultaneously [11].RF,a supervised ML algorithm,justifies its name by creating the forest with several DTs.RF constructs DTs on randomly chosen data samples,gets a forecast from each tree,and picks the best solution through voting [44].SVM is another well-known supervised ML technique used for regression and classification analysis by discovering a max-margin separation hyperplane in the n-dimension space [45].

    Figure 3:Different machine learning techniques:(a) working process of DT that takes different decision depending on various conditions.(b) decision-making technique of RF which calculates the final prediction by summarizing different DT’s result.(c) classification procedure of linear SVM in two-dimensional case that creates a hyper-plane among the support vectors of different classes

    3.3.2 Deep Learning

    DL is a subfield of shallow ML and is much more implicated for processing big data and ensuring IoT network security.In this subsection,an overview of five different DL models has been introduced,namely,DNN,DBN,LSTM,Stacked LSTM,and Bi-LSTM.DNN is a sort of neural network demonstrated as a multilayer perceptron (MLP) prepared with algorithms to take in portrayals from datasets with no manual design of feature extractors [46].On the other hand,DBN is a probabilistic generative model framed by stacking Restricted Boltzmann Machines(RBMs) with already pre-trained hidden layers (more or less) [47].LSTM is an extension of conventional RNN capable enough to solve exploding and vanishing gradient problems to upgrade the performance.A stacked LSTM model is nothing but a composition of multiple LSTM layers and Bi-LSTM is a variant of LSTM,with bidirectional long-term temporal dependencies,facilitates the processing in two opposite direction-backward and forward [48,49].

    Figs.3 and 4 illustrate the detailed architecture of three shallow ML and five DL algorithms discussed in this section.

    Figure 4:Deep learning algorithm architecture:(a) DNN architecture with fully connected input,output and h number of hidden layers.(b) illustration of DBN structure with multiple layers of stacked RBM.(c) LSTM cell architecture with input Xt.It has three gates:Ft (forget),It (input),and Ot (output) with corresponding weights,bias values,and activation functions sigmoid,tanh.(d) Stacked LSTM architecture concatenated with multiple LSTM layers.The previous LSTM layer’s output ht-1 works as the input of the next layer h t to produce the final output h t+1.(e)Bi-LSTM architecture composed of three hidden LSTM layers in two opposite directions,forward and backward.X t-1,Xt,X t+1 are the inputs of the corresponding hidden layers with outputs O t-1,Ot,Ot+1,respectively

    4 Evaluation and Result Analysis

    4.1 Experimental Environment

    The experiment is conducted on a personal HP laptop where the microprocessor is 2.5 GHz Intel Core i7-6500U with Intel? HD Graphics 520,8 GB RAM,and Windows 10 operating system.The models are executed on an open-source platform Google Colab Notebook.Experimented shallow ML and DL models are implemented from the Keras layer using TensorFlow 1.14.0.As for loading,cleaning data,Pandas,and NumPy frameworks are used.Again,Matplotlib and Seaborn frameworks are implemented for data visualization.Finally,the performance of the experiment is analyzed using the scikit-learn framework.

    4.2 Parameter Optimization

    Shallow ML models are self-biased learning algorithms that work best on moderate data,whereas DL algorithms perform more efficiently on intensive and larger data which requires complex hidden patterns consideration.All shallow ML/DL techniques are trained and evaluated for multi-class classifications with five mentioned datasets.Five-fold cross-validation is performed on each of the datasets using all of these techniques to estimate the skill of learning algorithms on unseen data.

    During the simulation of the proposed models,the parameters listed in Tabs.7 and 8 are tuned in such a way so that both shallow ML and DL models can achieve better results with the same values.As for ML models,the parameters of DT,RF,and SVM are optimized based on the input data volume.The IoT Botnet dataset is the largest for any ML model to consider for performance acceptance among the datasets discussed in Section 3.1.Hence,the parameters of the ML models have been fine-tuned for this dataset.For DT,the parameter ‘max_depth’is optimized only,while the index,splitter,and other parameters are set to default.Using the variation of ‘max_depth’as 2,3,4,and 5,the tree produces an accuracy of 84.45%,99.72%,99.99%,and 100% with a time variation of 651 s,663 s,781 s,and 713 s,respectively.As for RF,‘max_depth’and ‘estimators’are tuned in the combination of (2,100),(3,100),(3,50),and(4,100),respectively.With these values,the RF tree results in an accuracy of 90.86%,98.30%,98.27%,and 99.46% with a time variation of 8510 s,12156 s,8612 s,and 15578 s,respectively.From the achieved results,DT with ‘max_depth’=3 performs better in less time than other ones and RF with ‘max_depth’=3 and ‘n_estimators’=100 performs better in terms of accuracy and time though with the ‘max_depth’=5,it produces the better result,but it takes a lot of time.With these parameters tuning of DT and RF,other datasets are trained and evaluated with satisfactory results (discussed in Section 4.3).As the learning rate of SVM is very high,it is not recommended to train SVM with larger datasets,hence the IoTID20 and IoT Botnet datasets are not trained with SVM.According to the data volume of the DS2OS dataset,the‘regularization parameter’is set to 1000,while kernel type,degree,tolerance,and rest of the parameters are selected as default.With a variation of the ‘regularization parameter’as 0.1,1,10,100,and 1000,the SVM classifier obtains 99.13%,99.49%,99.40%,and 99.40% detection rate in 9270 s,14908s,10163 s,and 8154 s,respectively.As per the inspection,the achieved score for‘regularization parameter’=1000 is the higher one with the lowest time than others.Furthermore,with the same tuning parameters,SVM also performs better for the other two datasets-NSL-KDD and IoTDevNet.Therefore,the evaluation of similarly tuned three shallow ML models on five different datasets is quite acceptable.

    Table 7:Parameter values for performance evaluation of three shallow ML algorithms

    Table 8:Parameter values for performance evaluation of five DL algorithms

    DL models are complex neural networks with input,hidden and output layers having multiple neurons.Parameter optimization regarding mentioned five algorithms is mostly related to these hidden number of neurons.Dropout regularization is a strategy for minimizing overfitting and enhancing deep neural network generalization.Fixed dropout for each of the individual model is considered here for better performance which is measured based on accuracy and evaluation time.So,to acquire optimized result,hidden neuron number and the number of epochs in each fold are tuned for each model.At first,considering DNN for the DS2OS dataset,it is considered as a sequential model with three layers of hidden neurons with dropouts.The model is experimented with (400,200),(800,400),(1200,800),and (100,50) neuron sets which achieve 98.84%,99.11%,99.12%,and 97.17% accuracy with a time variation of 892 s,1661 s,3620 s,and 437 s.So,considering test and train accuracy with the training time,(800,400) hidden neurons with a dropout 0.9,optimizer=‘a(chǎn)dam’,and loss=‘categorical_crossentropy’combination set is contemplated as optimum.The other four datasets also perform accordingly better in such arrangements.As for DBN model,the parameters combination (‘n_epochs_rbm’,‘n_iter_backprop’) is tuned in a variation of (10,100),(10,50),(5,100),and (5,50) for NSL-KDD dataset.As per the performance analysis,the tuning with (10,100) combination yields a higher testing accuracy of 91.97% with an evaluation time of 10,514 s.The same parameter tuning is applicable for the other four datasets too.As LSTM is a modified DNN,it is also constructed as a sequential model with the above parameters.While three variations of the LSTM model are explored in this study,the various combinations of hidden neuron set and no.of epoch have been examined for each of the models.The LSTM model is tested with two tuned parameters [(‘hidden neuron’),‘epoch’]for the IoTID20 dataset,and the combination sets [(4),10],[(4),15],[(4),5],and [(2),10]obtain 99.91%,99.25%,94.35%,and 95.33% test accuracy with time 1128 s,1807 s,650 s,and 1141 s,respectively.These statistics indicate that the first combination [(4),10]with a dropout of 0.6 beats the others,so the rest of the datasets are analyzed with it and performed as anticipated.Now,Stacked LSTM model is trialed with neuron-epoch combination [(8),10],[(16),10],[(16),5],and [(16),15]for IoTDevNet dataset,where test accuracy is found 82.94%,99.63%,98.28%,and 99.53% with time variance of 1535 s,1641 s,887 s,and 2549 s.So,the performance of [(16),10]combination with a dropout of 0.4 provides an optimum result which is tested for other datasets as well.Finally,for the NSL-KDD dataset,the Bi-LSTM model with the tuned parameter sets[(80,40,128),15],[(80,40,128),5],[(80,40,128),10],and [(40,20,64),15]achieves 99.5%,98.78%,99.06%,and 99.26% test accuracy with processing times of 55 s,32 s,47 s,and 63 s.The results reveal the correctness of [(80,40,128),15]set with a dropout of 0.1 to get a most favorable outcome.Furthermore,other datasets also justify these sets of tuned parameters through the performance.

    4.3 Result Analysis

    To analyze the performances of the executed models,the widely used popular multi-class performance metric ‘Accuracy’is evaluated in this experiment.Besides,the scores of Precision,Recall,and F1-score have also been computed.These metrics depend on four basic qualitative model quality indicators,namely,true positive,true negative,false positive,and false negative [50].A brief analogy of the resulting training and validation accuracy of these techniques corresponding to each dataset is specified below.

    Figs.5 and 6 depict the visualization of training and validation accuracy,precision,recall,and f1-score of each shallow ML and DL model for five corresponding datasets.From these figures,it is specified that among shallow ML models (DT,RF,and SVM),SVM achieves the highest train and test accuracy,as,(99.81%,99.81%),(99.82%,99.84%),and (99.42%,99.44%)corresponding to NSL-KDD,IoTDevNet,and DS2OS,respectively.For the other two datasets,IoTID20 and IoT Botnet,DT obtains the highest train and test accuracy,as (100%,100%) and(99.71%,99.71%),respectively.Bi-LSTM outperforms the other four DL models (DNN,DBN,LSTM,and Stacked LSTM) in terms of train and test accuracy as (99.27%,99.27%),(99.97%,99.97%),(99.43%,99.39%),(99.996%,99.99%),and (99.998%,99.991%) corresponding to NSLKDD,IoTDevNet,DS2OS,IoTID20,and IoT Botnet dataset,respectively.

    Figure 5:Training and validation matrices of ML models for five discussed datasets-(a) accuracy(b) precision (c) recall and (d) f1-score where all depict that SVM and DT perform slightly better than RF in attack detection

    Figure 6:Training and validation matrices of ML models for five discussed datasets-(a) accuracy(b) precision (c) recall and (d) f1-score which showcase Bi-LSTM to be most efficient and accurate in attack detection

    4.4 Comparative Study

    Fig.7 can intuitively compare the evaluation index of all presented models to in advance IDS models mentioned in the state-of-the-art based on DS2OS and NSL-KDD dataset,respectively.In these figures,each set of colors exhibits a comparison set of different learning models from some notable studies.

    The use of DS2OS dataset is quite recent in the study of IDSs.Therefore,the number of directed researches related to network security are very few with this dataset.Among them,[29]is worth mentioning.In this study,numerous ML techniques are considered while SVM acquired 98.2% accuracy which is lesser than our trained SVM model of 99.44% accuracy.Cheng et al.considered SVM,LSTM,and TCN in [30]with an accuracy of 86.98%,93.84%,and 98.15%,respectively while our presented similar architecture of LSTM and Bi-LSTM obtain 93.84% and 99.39% accuracy.However,a DNN model with higher accuracy,98.29%,is presented by Reddy et al.in [33]whereas our considered DNN can detect anomalies 98.79% accurately.

    For NSL-KDD dataset,Elmasry et al.acquired 73.35% accuracy using decision forest and 73.38 % using decision jungle in [25]while our simpler DT and RF can be more accurate with 93.07% and 92.82% accuracy individually.Similarly,this study also considers DNN,DBN,and LSTM-RNN with the accuracy of 86.53%,93.78%,and 91.16%.Furthermore,Almiani et al.presented a cascaded RNN based approach with an accuracy of 92.18% in [18]which is comparable with the architecture of the proposed stacked LSTM with an accuracy of 98.19%.In study [27],accuracy 74.71%,81.75%,83.58%,and 79.43% are acquired using RF,CNN,CNNBiLSTM,and Bi-LSTM chronologically while the presented RF,LSTM,Bi-LSTM outperforms with the accuracy of 92.82%,93.12%,and 99.27% accordingly.Dushimimana et al.obtained 99.04% accuracy in their proposed Bi-RNN based IDS [28],which is very much comparable to our Bi-LSTM.

    Figure 7:Accuracy comparison among the researches mentioned in the state-of-the-art and presented systems:(a) DS2OS (b) NSL-KDD datasets

    5 Conclusion

    IoT has been utilized extensively due to its potential of communicating with the actual devices of different application spaces to clients through the Web.In any case,the interconnected structure of IoT and the capacity of devices to interact with one another has risen security issues in IoT networks.So,a legitimate security system for IoT networks and devices should be created.In this paper,we have presented a data analysis technique for intrusion detection in the IoT environment.We begin with the state-of-the-art of different intrusion detection systems with a general introduction to IoT possible threats.Thereafter,the paper exhibits the nut and bolts of five datasets,among them two are known-NSL-KDD and DS2OS while another three are comparatively new-IoTDevNet,IoTID20,and IoT Botnet.Henceforth,this study discusses three ML and five DL techniques for distinguishing IoT attacks from a known or even an obscure environment.The structure overcomes implementation problems of heavy DL techniques directly on low space IoT devices,recognizes a few threats with high accuracy and detection rates,and maintaining a detection system by updating it accordingly for better attack identification.Relying on the experimental investigation,it can be concluded that Bi-LSTM outperforms best among the studied DL techniques and for this particular study of multiple datasets.However,it does not guarantee that on account of the big data and other obscure conditions Bi-LSTM will play out thusly.Hence,further investigation is required on the problem based on real-time data and powertime optimization.In the IoT network,micro-services behave distinctively at different events which trigger deviations in ordinary conduct in IoT services thus subsequently making an inconsistency.So,further analysis is required to interpret these issues in a more inside and out manner which may end in designing a hybrid algorithm of multiple techniques.

    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.

    高清在线视频一区二区三区| 97在线人人人人妻| 国产免费福利视频在线观看| 亚洲美女搞黄在线观看| 热re99久久国产66热| 日韩中字成人| 性高湖久久久久久久久免费观看| av线在线观看网站| 一本大道久久a久久精品| 中国三级夫妇交换| 日韩欧美 国产精品| 久久精品熟女亚洲av麻豆精品| 久久精品夜色国产| 久久久久人妻精品一区果冻| 欧美日韩视频精品一区| 亚洲成色77777| 在线观看一区二区三区激情| 成年人午夜在线观看视频| 成年人午夜在线观看视频| 99热这里只有是精品50| 国内少妇人妻偷人精品xxx网站| 国产日韩欧美亚洲二区| 国产精品久久久久成人av| 国国产精品蜜臀av免费| freevideosex欧美| 人妻制服诱惑在线中文字幕| 日日啪夜夜爽| 国产黄色视频一区二区在线观看| 18禁在线播放成人免费| 免费播放大片免费观看视频在线观看| 色网站视频免费| 老熟女久久久| 亚洲欧美中文字幕日韩二区| 激情五月婷婷亚洲| 精品久久久久久久久亚洲| 肉色欧美久久久久久久蜜桃| 18+在线观看网站| 中文字幕免费在线视频6| 亚洲欧美清纯卡通| 精品一区在线观看国产| 久久久久精品久久久久真实原创| 免费观看在线日韩| 18+在线观看网站| 亚洲美女搞黄在线观看| 丝袜脚勾引网站| 一二三四中文在线观看免费高清| 少妇人妻久久综合中文| 91午夜精品亚洲一区二区三区| 国产一区二区三区综合在线观看 | 汤姆久久久久久久影院中文字幕| 欧美日本中文国产一区发布| 日本91视频免费播放| 日韩 亚洲 欧美在线| av国产精品久久久久影院| 日韩中文字幕视频在线看片| 久久精品久久久久久噜噜老黄| 国产熟女欧美一区二区| 欧美变态另类bdsm刘玥| 国产爽快片一区二区三区| 国产精品熟女久久久久浪| 天堂8中文在线网| av又黄又爽大尺度在线免费看| 最新的欧美精品一区二区| 国产黄片美女视频| 少妇被粗大的猛进出69影院 | 99国产精品免费福利视频| videos熟女内射| 国产乱来视频区| 一区二区三区乱码不卡18| 我要看日韩黄色一级片| 菩萨蛮人人尽说江南好唐韦庄| 男女边摸边吃奶| 久久国产精品大桥未久av | av又黄又爽大尺度在线免费看| 亚洲美女黄色视频免费看| 全区人妻精品视频| 国产毛片在线视频| 欧美精品高潮呻吟av久久| 国产精品久久久久久精品古装| 99久国产av精品国产电影| 免费观看性生交大片5| 久久久国产一区二区| 国产极品粉嫩免费观看在线 | 一级爰片在线观看| 亚洲精品中文字幕在线视频 | 又爽又黄a免费视频| 韩国av在线不卡| 亚洲av免费高清在线观看| 高清不卡的av网站| 欧美国产精品一级二级三级 | 男人狂女人下面高潮的视频| 国产精品嫩草影院av在线观看| 国产免费视频播放在线视频| 黑人猛操日本美女一级片| 久久久久久久久大av| 深夜a级毛片| 91久久精品电影网| 大陆偷拍与自拍| 十八禁网站网址无遮挡 | 精品一区二区免费观看| 日本av免费视频播放| 国产女主播在线喷水免费视频网站| 少妇高潮的动态图| 18+在线观看网站| 国产日韩欧美在线精品| 亚洲不卡免费看| 国产视频内射| 五月天丁香电影| 18禁在线无遮挡免费观看视频| 久久午夜综合久久蜜桃| 久久久国产一区二区| 99热网站在线观看| 五月伊人婷婷丁香| 日韩av在线免费看完整版不卡| 国产av码专区亚洲av| 亚洲中文av在线| 尾随美女入室| 国产淫语在线视频| 国产色爽女视频免费观看| 蜜桃久久精品国产亚洲av| 热re99久久精品国产66热6| 日韩 亚洲 欧美在线| 久久国内精品自在自线图片| 啦啦啦视频在线资源免费观看| 91久久精品国产一区二区三区| 五月玫瑰六月丁香| 国产精品秋霞免费鲁丝片| 成人黄色视频免费在线看| 国产精品国产三级专区第一集| 天天操日日干夜夜撸| 国产高清不卡午夜福利| 大香蕉久久网| 在线精品无人区一区二区三| 亚洲精华国产精华液的使用体验| 日韩电影二区| av在线老鸭窝| 国产日韩欧美亚洲二区| 国产 精品1| 亚洲av电影在线观看一区二区三区| a级毛片在线看网站| 两个人的视频大全免费| 国产精品99久久久久久久久| 激情五月婷婷亚洲| 夜夜骑夜夜射夜夜干| 久久久久久久国产电影| 一个人免费看片子| 老熟女久久久| 久久精品国产亚洲av天美| 免费看日本二区| 在线观看www视频免费| 少妇 在线观看| 亚洲人与动物交配视频| 亚洲av免费高清在线观看| 久久综合国产亚洲精品| 日韩伦理黄色片| 多毛熟女@视频| 亚洲av欧美aⅴ国产| 在线精品无人区一区二区三| 国产午夜精品一二区理论片| 美女中出高潮动态图| 免费少妇av软件| 午夜影院在线不卡| 在线观看一区二区三区激情| 免费黄频网站在线观看国产| 国产日韩欧美亚洲二区| 极品少妇高潮喷水抽搐| av线在线观看网站| 日日啪夜夜爽| av在线app专区| 又爽又黄a免费视频| av在线app专区| 少妇精品久久久久久久| 99热这里只有是精品50| 亚洲av成人精品一区久久| 国产色爽女视频免费观看| tube8黄色片| 午夜影院在线不卡| 男人添女人高潮全过程视频| 国产淫语在线视频| 午夜免费观看性视频| 日韩欧美一区视频在线观看 | 亚洲一级一片aⅴ在线观看| 色婷婷av一区二区三区视频| 少妇人妻久久综合中文| 一级毛片 在线播放| 97超视频在线观看视频| 免费不卡的大黄色大毛片视频在线观看| 亚洲综合色惰| 18禁裸乳无遮挡动漫免费视频| 色吧在线观看| 啦啦啦在线观看免费高清www| 自拍欧美九色日韩亚洲蝌蚪91 | 高清在线视频一区二区三区| 精品人妻一区二区三区麻豆| 中文在线观看免费www的网站| 久久久国产欧美日韩av| 久久国产精品大桥未久av | 黄色毛片三级朝国网站 | 亚洲欧美日韩东京热| 久久鲁丝午夜福利片| 成人亚洲精品一区在线观看| 日韩,欧美,国产一区二区三区| 久久久久国产网址| av福利片在线观看| 一级毛片黄色毛片免费观看视频| 亚洲欧美一区二区三区黑人 | 亚洲第一区二区三区不卡| 国产成人精品无人区| 久久久久久久久久久久大奶| 汤姆久久久久久久影院中文字幕| 国产一区二区三区av在线| 又大又黄又爽视频免费| 色吧在线观看| 色哟哟·www| 18禁在线播放成人免费| 免费观看无遮挡的男女| 王馨瑶露胸无遮挡在线观看| 欧美 亚洲 国产 日韩一| 51国产日韩欧美| 国产精品久久久久久精品古装| 亚洲精品国产av蜜桃| 久久久a久久爽久久v久久| 美女中出高潮动态图| 亚洲欧美成人精品一区二区| 亚洲久久久国产精品| 伦理电影大哥的女人| 欧美三级亚洲精品| 成人毛片a级毛片在线播放| 一级,二级,三级黄色视频| 久久国产乱子免费精品| 日本vs欧美在线观看视频 | 精品亚洲乱码少妇综合久久| 国产精品麻豆人妻色哟哟久久| 午夜视频国产福利| 国产探花极品一区二区| av福利片在线观看| 纵有疾风起免费观看全集完整版| 国产精品国产三级专区第一集| 精品久久久久久久久亚洲| 超碰97精品在线观看| 中文字幕亚洲精品专区| 精品亚洲成国产av| 赤兔流量卡办理| 国产精品一区二区三区四区免费观看| 亚洲成人av在线免费| 22中文网久久字幕| av福利片在线| 国产男人的电影天堂91| 免费大片18禁| 日韩欧美精品免费久久| av女优亚洲男人天堂| 免费看日本二区| 欧美精品高潮呻吟av久久| 熟女av电影| 国产黄片美女视频| 欧美精品一区二区大全| 精华霜和精华液先用哪个| 亚洲一级一片aⅴ在线观看| 狂野欧美激情性xxxx在线观看| 卡戴珊不雅视频在线播放| 中文字幕精品免费在线观看视频 | 久久免费观看电影| 欧美bdsm另类| 啦啦啦在线观看免费高清www| 日韩成人av中文字幕在线观看| 夜夜骑夜夜射夜夜干| 丰满饥渴人妻一区二区三| 高清在线视频一区二区三区| 久久久欧美国产精品| www.av在线官网国产| 久久99一区二区三区| 中文欧美无线码| 国产一区亚洲一区在线观看| 国产日韩一区二区三区精品不卡 | 亚洲熟女精品中文字幕| 日韩大片免费观看网站| 久久久久人妻精品一区果冻| 大片免费播放器 马上看| 免费黄色在线免费观看| 久久久久久久久久久丰满| 午夜视频国产福利| 波野结衣二区三区在线| 日韩av在线免费看完整版不卡| 国产精品秋霞免费鲁丝片| 日韩强制内射视频| 人妻人人澡人人爽人人| 热re99久久精品国产66热6| 国产亚洲av片在线观看秒播厂| 日日摸夜夜添夜夜添av毛片| 最近中文字幕2019免费版| 汤姆久久久久久久影院中文字幕| 七月丁香在线播放| 免费大片18禁| 国产片特级美女逼逼视频| 免费黄网站久久成人精品| 美女中出高潮动态图| 精品人妻熟女毛片av久久网站| 欧美xxⅹ黑人| 日韩伦理黄色片| 日韩强制内射视频| 中文乱码字字幕精品一区二区三区| 在线亚洲精品国产二区图片欧美 | 久久久国产欧美日韩av| 亚洲在久久综合| 欧美精品人与动牲交sv欧美| 亚洲国产av新网站| 一级二级三级毛片免费看| 日韩亚洲欧美综合| 三上悠亚av全集在线观看 | 黄色毛片三级朝国网站 | 久久久精品免费免费高清| 中文精品一卡2卡3卡4更新| 又大又黄又爽视频免费| 国产白丝娇喘喷水9色精品| 肉色欧美久久久久久久蜜桃| 美女主播在线视频| 国产高清国产精品国产三级| 最近手机中文字幕大全| 久久久久久久大尺度免费视频| 午夜免费男女啪啪视频观看| 精品国产露脸久久av麻豆| 五月伊人婷婷丁香| 日韩强制内射视频| 久久久久网色| 91成人精品电影| 看十八女毛片水多多多| 街头女战士在线观看网站| 国产精品欧美亚洲77777| 欧美日韩国产mv在线观看视频| 嘟嘟电影网在线观看| 18+在线观看网站| 纵有疾风起免费观看全集完整版| 少妇人妻久久综合中文| 一区二区三区四区激情视频| 久久精品国产亚洲网站| 久久精品熟女亚洲av麻豆精品| 最近中文字幕2019免费版| av福利片在线| 少妇裸体淫交视频免费看高清| 国产精品一区www在线观看| 国产色爽女视频免费观看| 成人亚洲精品一区在线观看| 街头女战士在线观看网站| 91久久精品国产一区二区三区| 日韩亚洲欧美综合| 国产亚洲av片在线观看秒播厂| 女性生殖器流出的白浆| 成人黄色视频免费在线看| 成人18禁高潮啪啪吃奶动态图 | 99热这里只有是精品50| 亚洲成色77777| 最新中文字幕久久久久| 午夜免费鲁丝| 丰满饥渴人妻一区二区三| 久久久欧美国产精品| 国内少妇人妻偷人精品xxx网站| 日韩中文字幕视频在线看片| 午夜老司机福利剧场| 狠狠精品人妻久久久久久综合| 99re6热这里在线精品视频| 最新的欧美精品一区二区| 一级毛片电影观看| 精品人妻熟女av久视频| 日韩电影二区| 国产成人精品无人区| 亚洲国产欧美在线一区| 夜夜骑夜夜射夜夜干| 91成人精品电影| 九九在线视频观看精品| 亚洲国产精品专区欧美| 一二三四中文在线观看免费高清| 嘟嘟电影网在线观看| 欧美激情国产日韩精品一区| 国产精品成人在线| 国产精品女同一区二区软件| 建设人人有责人人尽责人人享有的| 亚洲人成网站在线观看播放| 天天躁夜夜躁狠狠久久av| 国产亚洲午夜精品一区二区久久| 在现免费观看毛片| 黄色欧美视频在线观看| 国产av码专区亚洲av| 极品人妻少妇av视频| 王馨瑶露胸无遮挡在线观看| 国产深夜福利视频在线观看| 亚洲成色77777| 国产精品秋霞免费鲁丝片| 王馨瑶露胸无遮挡在线观看| 久久精品国产a三级三级三级| 色94色欧美一区二区| 菩萨蛮人人尽说江南好唐韦庄| 久久午夜福利片| 涩涩av久久男人的天堂| 肉色欧美久久久久久久蜜桃| 大码成人一级视频| 老司机影院成人| 久久精品熟女亚洲av麻豆精品| 男的添女的下面高潮视频| 久久久精品94久久精品| 最近2019中文字幕mv第一页| 欧美高清成人免费视频www| 日韩人妻高清精品专区| 国产高清国产精品国产三级| 性色av一级| 久久久久久久久久成人| 精品久久久久久久久亚洲| 观看美女的网站| 亚洲国产欧美日韩在线播放 | 亚洲欧洲精品一区二区精品久久久 | 国产精品欧美亚洲77777| 亚洲精品成人av观看孕妇| 人妻一区二区av| 黄片无遮挡物在线观看| av国产精品久久久久影院| 欧美成人午夜免费资源| 久久女婷五月综合色啪小说| 亚洲一级一片aⅴ在线观看| 国产片特级美女逼逼视频| 99久久精品一区二区三区| 日日啪夜夜撸| 少妇裸体淫交视频免费看高清| 中文字幕亚洲精品专区| av天堂中文字幕网| 黑人高潮一二区| 狂野欧美激情性bbbbbb| 人人妻人人爽人人添夜夜欢视频 | 午夜久久久在线观看| 青春草国产在线视频| 久久久久国产网址| 日日撸夜夜添| 一本一本综合久久| 80岁老熟妇乱子伦牲交| 日本av免费视频播放| 亚洲婷婷狠狠爱综合网| 国产免费又黄又爽又色| 午夜福利网站1000一区二区三区| 久久久久人妻精品一区果冻| 婷婷色av中文字幕| 亚洲成人av在线免费| 高清av免费在线| 日本黄色片子视频| 久久女婷五月综合色啪小说| 777米奇影视久久| 免费观看a级毛片全部| 久久 成人 亚洲| av黄色大香蕉| 欧美精品人与动牲交sv欧美| 少妇裸体淫交视频免费看高清| 高清毛片免费看| 国产女主播在线喷水免费视频网站| 久久午夜综合久久蜜桃| 欧美 日韩 精品 国产| 精品国产露脸久久av麻豆| 多毛熟女@视频| 国产精品蜜桃在线观看| 欧美三级亚洲精品| 亚洲精品国产成人久久av| 亚洲av不卡在线观看| 日本-黄色视频高清免费观看| 成人特级av手机在线观看| 日本黄色片子视频| 久久国产精品大桥未久av | 日日啪夜夜爽| 久久热精品热| 久久 成人 亚洲| 国产淫语在线视频| 亚洲熟女精品中文字幕| 美女cb高潮喷水在线观看| 亚洲内射少妇av| 一级av片app| 永久网站在线| 亚洲精品日本国产第一区| 99国产精品免费福利视频| 久久人人爽av亚洲精品天堂| 国产欧美日韩精品一区二区| 美女主播在线视频| 五月天丁香电影| 免费看光身美女| 亚洲国产欧美在线一区| 另类精品久久| 久久人妻熟女aⅴ| 一级毛片久久久久久久久女| 乱码一卡2卡4卡精品| 只有这里有精品99| 国语对白做爰xxxⅹ性视频网站| 国产精品人妻久久久久久| 日本wwww免费看| 少妇人妻精品综合一区二区| 久久女婷五月综合色啪小说| 激情五月婷婷亚洲| 新久久久久国产一级毛片| 亚洲真实伦在线观看| 亚洲va在线va天堂va国产| 一个人看视频在线观看www免费| 国产 一区精品| 99九九线精品视频在线观看视频| 国产成人aa在线观看| 国产成人一区二区在线| av视频免费观看在线观看| 亚洲av.av天堂| 日本黄色片子视频| 寂寞人妻少妇视频99o| av国产精品久久久久影院| 日韩精品免费视频一区二区三区 | 一级二级三级毛片免费看| 久久久a久久爽久久v久久| 成人黄色视频免费在线看| 久久久久网色| 色94色欧美一区二区| av天堂久久9| 欧美精品高潮呻吟av久久| 婷婷色综合大香蕉| 人妻少妇偷人精品九色| .国产精品久久| 久久人人爽av亚洲精品天堂| 精品久久久噜噜| 亚洲美女视频黄频| 久久99热6这里只有精品| 亚洲av日韩在线播放| 91久久精品国产一区二区成人| 亚洲人成网站在线观看播放| 日韩大片免费观看网站| 美女视频免费永久观看网站| 久久热精品热| 夜夜骑夜夜射夜夜干| 久久久久国产网址| 亚洲欧洲精品一区二区精品久久久 | 中文字幕免费在线视频6| 亚洲av国产av综合av卡| 久久国内精品自在自线图片| 少妇高潮的动态图| 亚洲国产精品一区三区| 美女中出高潮动态图| 亚洲国产精品专区欧美| 91精品国产九色| 婷婷色麻豆天堂久久| 国产亚洲精品久久久com| 国产白丝娇喘喷水9色精品| 美女xxoo啪啪120秒动态图| 秋霞伦理黄片| 亚洲精品乱久久久久久| 免费黄网站久久成人精品| 日本与韩国留学比较| 精品人妻熟女av久视频| 国产有黄有色有爽视频| 午夜福利视频精品| 麻豆成人av视频| 欧美另类一区| 亚洲三级黄色毛片| 最近最新中文字幕免费大全7| 午夜精品国产一区二区电影| 在线观看免费日韩欧美大片 | 2021少妇久久久久久久久久久| 色94色欧美一区二区| 91在线精品国自产拍蜜月| 97超碰精品成人国产| 午夜久久久在线观看| 免费少妇av软件| av免费在线看不卡| av线在线观看网站| 少妇丰满av| 国产精品蜜桃在线观看| 亚洲精品,欧美精品| 亚洲人与动物交配视频| 久久99一区二区三区| 国产精品久久久久成人av| 久久久国产精品麻豆| 久久97久久精品| 久久精品国产亚洲av涩爱| 亚洲国产精品一区三区| 久久毛片免费看一区二区三区| 亚洲av福利一区| 久久久久久久亚洲中文字幕| 99久久中文字幕三级久久日本| 国产在线一区二区三区精| 成人国产麻豆网| 亚洲人成网站在线播| 欧美bdsm另类| 美女视频免费永久观看网站| 欧美精品一区二区免费开放| 99热这里只有是精品在线观看| 日韩av在线免费看完整版不卡| 精品人妻熟女av久视频| 91久久精品电影网| 春色校园在线视频观看| 国产av码专区亚洲av| 国产在视频线精品| 成人免费观看视频高清| 91久久精品国产一区二区成人| 久久鲁丝午夜福利片| 国产av国产精品国产| 黄色一级大片看看| 久久国产亚洲av麻豆专区| 大香蕉久久网| 91精品伊人久久大香线蕉| av有码第一页| 黄色毛片三级朝国网站 | 18禁在线播放成人免费| 熟女av电影| 天堂8中文在线网| 欧美日本中文国产一区发布| av在线播放精品| 成人免费观看视频高清| 热re99久久国产66热| 国产高清不卡午夜福利| 一级毛片我不卡| 亚洲电影在线观看av| 国内精品宾馆在线| 永久免费av网站大全| 国产精品99久久99久久久不卡 | 久久久久国产精品人妻一区二区| 国产永久视频网站| 免费在线观看成人毛片| 街头女战士在线观看网站| 亚洲精品456在线播放app|