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

    Machine Learning Approaches to Detect DoS and Their Effect on WSNs Lifetime

    2022-03-14 09:24:32RaniyahWaziraliandRamiAhmad
    Computers Materials&Continua 2022年3期

    Raniyah Wazirali and Rami Ahmad

    1College of Computing and Informatics,Saudi Electronic University,Riyadh,11673,Saudi Arabia

    2The School of Information Technology,Sebha University,Sebha,71,Libya

    Abstract: Energy and security remain the main two challenges in Wireless Sensor Networks (WSNs).Therefore, protecting these WSN networks from Denial of Service (DoS) and Distributed DoS (DDoS) is one of the WSN networks security tasks.Traditionalpacket deep scan systems that rely on open field inspection in transport layer security packets and the open field encryption trend are making machine learning-based systems the only viable choice for these types of attacks.This paper contributes to the evaluation of the use machine learning algorithms in WSN nodes traffic and their effect on WSN network life time.We examined the performance metrics of different machine learning classification categories such as K-Nearest Neighbour(KNN),Logistic Regression(LR),Support Vector Machine(SVM),Gboost,Decision Tree(DT), Na?ve Bayes, Long Short Term Memory (LSTM), and Multi-Layer Perceptron(MLP)on a WSN-dataset in different sizes.The test results proved that the statistical and logical classification categories performed the best on numeric statistical datasets, and the Gboost algorithm showed the best performance compared to different algorithms on average of all performance metrics.The performance metrics used in these validations were accuracy,F1-score, False Positive Ratio (FPR), False Negative Ratio (FNR), and the training execution time.Moreover, the test results showed the Gboost algorithm got 99.6%,98.8%,0.4%0.13%in accuracy, F1-score,FPR,and FNR,respectively.At training execution time,it obtained 1.41 s for the average of all training time execution datasets.In addition,this paper demonstrated that for the numeric statistical data type,the best results are in the size of the dataset ranging from 3000 to 6000records and the percentage between categories is not less than 50% for each category with the other categories.Furthermore, this paper investigated the effect of Gboost on the WSN lifetime,which resulted in a 32%reduction compared to other Gboost-free scenarios.

    Keywords: WSN; intrusion detection; machine learning; DoS attack; WSN security; WSN lifetime

    1 Introduction

    Wireless network technology is the main nucleus in the development of the Internet of Things(IoT).That is because wireless networks are the main key in the transfer of interactive data between devices and humans or devices-to-devices [1].These devices are part of automation and control systems, embedded systems, Wireless Sensor Networks (WSN) and others that share their information in various environments without need of human intervention.Each application using these devices mostly consist of three layers, which comprise; the perception, the network and the application [2].Application and network layers are mostly executed in high-power devices, while the perception layer is executed in low-power devices to keep them running for as long as possible,especially with the use of limited battery life systems.

    The perception level consists of several WSN nodes that communicate with each other using various radio frequencies that are capable of performing different sensing, recording, calculating,and tracking activities [3].These WSN nodes are considered as mini-computers that are characterized by low computing speed, restricted bandwidth, limited memory space, and limited battery life.In addition, 6LoWPAN and Zigbee are two protocols used extensively in WSN networks in between physical layer and Media Access Control (MAC) layers of IEEE 802.15.4 [4].

    However, since the WSN nodes are designed to operate in various untrusted surroundings,which are not periodically monitored.This makes the WSN nodes vulnerable to various security attacks, especially if they are related to important and sensitive data [5].Moreover, with regards to WSN nodes boundaries, i.e., CPU power and energy [6], it is sometimes difficult to provide a charger for them in these conditions.Therefore, the drawbacks of WSN nodes and their dependence on public wireless networks contribute to many problems in the WSN architecture.One of these issues applies to security, privacy, and availability in the perception layer.In the area of security, the main issue is protecting the data connection between WSN nodes against spoofing and eavesdropping by illegal WSN node modification alteration [7,8].In WSN node availability, via sinkhole, wormhole, Sybil, hello flood, and Denial of Service (DoS) attacks, an attacker can disable it by interfering with data packet transmission [3].DoS attacks can waste WSN nodes resources and lose their data packets within the networks.Therefore, in this paper,we will focus on slowing down Distributed (DDoS) and DoS in WSN networks within minimum power consumption and good accuracy in defining both attacks [9].Moreover, DoS or DDoS attacks focus on depleting WSN node resources through allowing them to receive unnecessary or authorized packets for that WSN node.These events force WSN nodes to reject the network’s services to the legitimate WSN nodes, and this type of attack can occur in any layer of WSN model system [10].

    Due to the risk of this type of attack on WSN networks, intrusion detection technique is the best defense for DDoS attacks [11].Intrusion detection is divided into signature-based and anomaly-based.In anomaly pattern, the technique needs to monitor network connectivity in a regular manner and compare the ongoing WSN networks activities with the current normal behaviour traffics [9,11].Therefore, various techniques have been used to improve the performance of DoS detection in both active and passive methods.Supervised machine learning algorithms are one such technique used to predict and classify DDoS attacks.The Logistic Regression (LR), decision Tree (DT), artificial neural networks, Support Vector Machine (SVM), deep learning, and K-Nearest Neighbour (KNN) are common algorithms for this [12].The authors in [1,2,13-17] used different techniques related to deep learning mechanism, and their results regarding to detection accuracy, mean squared error, and sensitivity showed good performance,but none of them discussed the effect of their proposal on WSN networks such as nodes power consumption and network lifetime.Moreover, other publications were using regular networks traffic datasets instead of WSN nodes datasets [18].Other algorithms for detecting DDoS have been proposed in [19], the work used authentication policy to remove DoS attacks by splitting the WSN nodes into clusters and linking all cluster WSN nodes in a single authentication message.In addition, the work in [20,21] showed that machine learning techniques (LR, SVM, and DT) are suitable for real-world deployment rather than deep learning mechanism, because deep learning algorithms need massive training data in order to be able to give high-accuracy results in classification process.Therefore, the process of implementing these capabilities on training operations via the WSN network node is a waste of time and effort [14].

    A different other technique related to the incorporation of WSN nodes clustering mechanism and machine learning in DDoS detection has been proposed in [22,23].Furthermore, the authors in [24] used a SVM based on spatiotemporal and attribute correlations on data collected from WSN nodes.However, no publication has yet discussed the effect of the above algorithms on WSN networks using the same simulation and dataset.Furthermore, as the WSN nodes have limited power and CPU, anti-DDoS measures should be simple and fast.Therefore, the main contribution to this work is the use of new WSNs environments with performance analysis of the machine and deep learning algorithms of the WSN network dataset as well as their effect on WSN network lifetime.The major contributions of this work are summarized as follows:

    (1) We proposed a new WSN network environment which combined WSN nodes clustering technology, authentication, key management [25] and WSN-Dataset [23] to help detect DoS attacks and study the effect of this detection on WSN node power consumption.

    (2) Analyzing the effect of dataset size on performance of machine learning classification techniques.The original dataset was divided into different subsets, decreasing in size (number of records).

    (3) Analyze the effect of DoS anomaly detection performance on WSN network lifetime.

    The remainder of our paper is organized as follows.Section 2 provides an overview of related work in WSN networks, DoS attacks, and machine learning techniques.Section 3 explains methodology, environmental development, the cluster management, the machine learning test and the decision-making.Section 4 discusses data collection and organization.Section 5 discusses implementation and evaluation for complexity analysis in machine learning techniques and WSN networks lifetime.Finally, the conclusion and future work of the paper is given in Section 6.

    2 Background and Related Works

    In this section we will provide a literature review and technical background for the WSN networks and clustering efficiency in WSN networks, intrusion detection in WSN networks, and machine learning algorithms in intrusion detection.

    2.1 WSN Networks Overview

    WSN network is a radio access spectrum that uses 2.4 GHz which is designed to work in low power, low range, and low processor circumstances.The Internet Engineering Task Force (IETF)standardized it under the name of IEEE 802.15.4 [26].Moreover, the Zigbee and 6LoWPAN are two protocols used to manage WSN networks and transfer data to Access Point (AP).Both protocols use the Media Access Network (MAC) and physical IEEE 802.15.4 (Perception) layers as illustrated in Fig.1.Meanwhile, the difference between them is the 6LoWPAN introduces IPv6 and Low Power and Lossy Networks (RPL) protocol to capture WSN nodes and forward their data to edge AP [27].

    Figure 1: The architecture of WSN networks [26]

    As shown in Fig.1, the WSN networks are responsible for drawing the network topology and routing table in the perception layer using different protocols [26] as explained earlier.Each WSN node associates with the set of its neighbouring peers WSN nodes, then the WSN node starts collecting data from different locations and forwarding the data to the network layer (edge-AP).This process of routing is done either using RPL protocol in 6LoWPAN or Distance Vector (DV)protocol in Zigbee.For data transmission protocol, a User Datagram Protocol (UDP) is used to reduce the packet’s complexity and reduce CPU overhead.Moreover, to secure data transmission over UDP, the Datagram Transport Layer Security (DTLS) protocol is used on top of UDP [28].

    2.2 DoS in WSN Networks

    As mentioned previously, the main objective of the DDoS attack is to affect the network’s availability by disrupting services and network performance.Therefore, the effect of this type of attack varies by each network layer stack [7].Since wireless sensor networks have five network layers stack, each layer has a different type of attacks [11,29].The attached Tab.1 shows each layer and type of DoS it represents.

    Table 1: Taxonomy of WSN network DoS attacks

    The Blackhole and Grayhole DDoS attacks affect the routing protocol in layer three by declaring the attacker node itself as the cluster head, and we will discuss the cluster head functionality in detail in the clustering management subsection.Whereas, the Flooding attack affects the WSN network availability by sending a large number of advertising messages to cluster heads.In a scheduling attack (e.Time-Division Multiple Access (TDMA)), the effect is related to physical and MAC layers’activity by changing the broadcast channel schedule to unicast channel schedule.This change leads to packets collision and later data loss [23].

    Numerous researchers try to reduce DDoS or DoS in WSN networks.In [19], the authors used the Message Authentication System (MAS) algorithm to localize and remove DoS.The proposal divides the WSN nodes into various clusters and each cluster head uses the MAS algorithm to distinguish between legitimate and phishing messages.In [30,31], the authors refined the k-means clustering scheme for detecting DDoS and misdirection attacks.In [32], the authors used user-behaviour learning analysis in a home WSN network to detect abnormal attacks.Furthermore, authors in [16] used Restricted Boltzmann Machine-based Clustered IDS (RBCIDS), a deep learning-based methodology to track critical infrastructure using three hidden layers for potential intruders.Furthermore, authors in [33] used Genetic algorithm with Multi-Layer Perceptron (MLP) to enhance anomaly detection performance.Authors in [23] created a dataset for WSN networks and used an artificial neural network algorithm to detect and classify four types of DoS attacks.Moreover, in [34], the authors proposed an optimization algorithm called an adaptive-chicken swarm to cluster WSN nodes and then used a VSM classifier to detect DoS attacks in each cluster.However, this work will focus on analysing DoS attacks detection performance rather than anti-attacks measures.

    2.3 Machine Learning in Intrusion Detection Approach

    Machine learning is the mechanism that automatically enhances or learns from an analysis or experience and works without directly configuring it.Its divide between supervised and unsupervised learning.Supervised learning characterized into classification and regression.

    Classification is categories into statistical learning (SVM and Bayesian), logic-based (DT),instance-based (KNN), and perceptron-based (Recurrent Neural Network (RNN), Long Short Term Memory (LSTM), Convolutional Neural Network (CNN), MLP, and artificial neural networks).In addition, the main responsibility of this type of learning technique is to create a model that describes the relationships and dependency ties between input features and expected objective outcomes [12].Therefore, supervised learning can solve various problems of the WSN network,fault and anomaly detection being one of them.Tab.2 depicts various categories of detection approaches and machine learning techniques that are used in detection attacks in WSN networks.

    Table 2: Taxonomy of machine learning approaches in detection attacks

    In a simple review of the functioning of supervised algorithms, which we will deal with in this study, the KNN works based on the manifold hypothesis.If the majority of the neighbors of the sample are from the same class, then the sample is likely to be from that class as well.As a result, the categorization outcome is limited to the top-k closest neighbors.The efficiency of KNN models is heavily influenced by the parameter k.The smaller k, the more complicated the model is, and the greater the chance of overfitting.The bigger k, on the other hand, the simpler the model and the lower the fitting ability [43].Moreover, the Na?ve Bayes works on the basis of probability distribution and the trait independence hypothesis.The probability distribution for distinct classes are calculated for each sample, then the maximum probability class is assigned to the sample [11,29].The probability distribution is illustrated as Eq.(1).

    wherePis the probability of classCkproducing the termxi..

    Another classifier that will be considered in our work is the DT, which works on the basis of the chain of rules in the tree topology.The tree topology gives it the speed to exclude the redundant features and generate child nodes from the root node.However, some advanced algorithms, such as Random Forest and Gboost, consist of multiple decision trees [42].In the linear model, the LR technique is considered a variant of it, and the probabilities of different classes are calculated using the parametric logistic distribution, which is shown in Eq.(2) [29]

    where samplexis categorized in the extreme probability class.

    Moreover, in our work we also used another type of traditional supervised algorithm named SVM.In SVMs, the goal is to locate a maximum-margin separating hyperplane in the ndimensional feature vector.Since the separation hyperplane is controlled by a small number of service vectors, SVMs can produce satisfying results even with small-scale training data.SVMs,on the other hand, are susceptible to noise around the hyperplane [12].

    In deep learning technology, the MLP uses the propagation learning in two phases: forward and back during the training phase.In the forward neural step, input data is given to each neuron of the hidden layer.The activation value of each hidden neuron and output node is calculated.An error is generated by the disparity between the output target and the specific target value.The error is propagated back from the output layer to the input layer in the back-propagation step,and weights between output neurons and hidden neurons are changed.Weights are updated using the gradient descent approach [44].Moreover, another different type of deep learning that also uses backpropagation is LSTM.It is an automated development of a RNN through facilitating memory recall of previous data.Moreover, LSTM solved the vanishing gradient problem found in RNN.LSTM is well suited for classifying, processing and forecasting time series due to time delays of unknown duration [17].

    However, in this paper we will analyze the WSN networks traffic based on aforementioned machine learning classifications to see how it performs in detecting DoS attacks on WSN networks.

    3 Methodology and Environmental Development

    The proposal environment consists of three processes.The first is to aggregate WSN nodes to multiple clusters and each cluster has Cluster Head (CH) in a mobile WSN nodes environment.In the following process, a Machine Learning Testing (MLT) approach is used to analyse traffic in each CH node to distinguish between normal and abnormal coming packets.In the last process,CH will make a decision based on the second process results.The overall architecture of our proposal is depicted in Fig.2.

    Figure 2: The proposed WSN networks environment

    As depicted in Fig.2, the WSN nodes (n1,n2,...,nN), whereNis the number of WSN nodes within the Edge AP.The WSN nodes sense the environment and collect relevant data.Then the sensed data are sent to the Edge AR via the CH.The WSN nodes are assumed to be mobile and can move in different directions.At the beginning, the CH is chosen based on several criteria such as the WSN node energy, the distance between the nodes and the number of neighbouring nodes.Once the CH is chosen and the clusters are formed, data begins to be transmitted and the CH starts analysing it.

    3.1 Clustering Management

    Cluster technology contributes to reducing the energy consumption of WSN nodes by choosing the appropriate neighbouring WSN node to transmit data through it to AP.Thus, the transmission and reception of data from the neighbouring nodes, which has weak signal strength to increase the power consumption in both WSN nodes (transmitter and receiver).Therefore, many studies have used different combinations of techniques in selecting CH such as [15-17,34,45,46],but most of them do not have an optimal solution.In this work we will use the clustering management that was proposed in [25].Their proposal is based on the low complexity calculation and supports the WSN nodes mobility.However, we will alter their clustering algorithm to cover minimum and maximum of ordinary WSN node numbers in each cluster to avoid complexity analysis in each CH.The altered clustering algorithm is presented in Fig.3.

    Figure 3: The clustering management algorithm [25]

    The parametersd,dT,ET,w,and ωrepresent the distance between WSN nodes, the distance threshold, the WSN node energy threshold, the average distance between candidate CHs and adjacent nodes, and the weight of CHs selection, respectively by the flowchart.However, all these parameters were explained in detail in [25].The algorithm starts by continuous verification (period of time) of the distance between each WSN node (n) and its CH.Since the WSN nodes are moving at a low speed of about 5 m/s, the distance will be checked once per second [47].If the distance begins to approach the distance threshold value (dT), the WSN node begins to search for the closest CH to pair with it.A WSN node sends aJoin_Requestmessage to target the CH, then sends theRelease_Requestmessage to its source CH.This process uses WSN mobile nodes that lead to the reassembling and regrouping process.For instance, thenmoves away from the linked CH and when the distance between them becomes less thandT,nstarts looking for the nearest CH, if there is no close CH,ninitiates the process of creating a new CH between the adjacent WSN nodes and then asks them to join.On other hand, if the CH moves away from its linked WSN nodes, it has a few of them (c), wherecis the lower WSN nodes number that are linked with each CH.CH will release the linked WSN nodes and become a regular WSN node in order to join to the nearest CH.In addition, the released WSN nodes will also search or create new cluster groups.The last scenario is when the CH has a number (m)of linked ordinary WSN nodes, in which case the target CH will not accept the new connection and the WSN node starts to repeat the same scenario to find a closer CH or to create a new CH group.

    3.2 Machine Learning Testing Approach

    In this step of our proposal environment, we select various machine learning classification schemes such as KNN, LR, SVM, Gboost, DT, Na?ve Bayes, LSTM, and MLP.Next, we train these algorithms through the WSN traffic dataset [23] that we chose and then test.The algorithm that has the best performance metrics will be determined to be a MLT approach (see Fig.4) in each CH node.

    Figure 4: Make a decision in each CH

    3.3 Decision Making

    At this process of our proposal environment, the CH monitors the number of duplicate suspicious packets, if there is a confirmation of duplication, the CH node will cut off the connection with the suspicious WSN node, add WSN node information to its blacklist, and send a broadcast message to the all neighbour CHs and AP informing them about the suspicious WSN node information.This process is illustrated in Fig.4.

    Based on Fig.4, each data Packet that Comes (CP) will be scanned, if it is labelled as 1, CH will count it as a suspicious packet and then count the number of times it repeats for a period of time.Next, if theCP.countexceedsα(threshold value), the CH will execute the broadcast command and disconnect the connection with that MAC node, whereαis the maximum number of suspicious beam at time (t).This process gives an opportunity to reduce the false negative rate in our work by confirming the attack process.

    4 Data Collection

    In this work, we are testing it using the WSN network dataset.In network traffic datasets there are three types: the CICDDoS2019 [48], BoT-IoT [49], and WSN-DS [23].However, the CICDDoS2019 and BoT-IoT were collected from different device types (servers, sensors, routers,and switches) while the WSN-SD was collected from the WSN network environment whose environment is close to ours.WSN-SDcontains four different classes based on the DoS attack types: Flooding, Blackhole, Grayhole, TDMA, and Normal.As with our goals to reduce node power consumption and move the defense decision to Edge AP, we are converting these four types of DoS attacks into one class that is labelled as “1”and the label “0”will be normal.In addition,the WSN-SD was collected through the LEACH routing protocol which is different from standard RPL, however this dataset still works with our modified clustering management algorithm.As the WSN-SD dataset contains 19 features, we have removed five of them (id, time, distance to CH,distance to base-station, and data sent to base-station) to be compatible with our environmental approach.

    Moreover, we are spitted the WSN-DS dataset into six different subsets to see the effect of data size on the performance of machine learning algorithms.The first dataset contains all records of the original dataset.As illustrated from Tab.3, the attacked data is less than normal data by 88.6%.Furthermore, this percentage of the attacking data is distributed as 33% Blackhole, 11%Flooding, 35% Grayhole, and 21% TDMA.Therefore, in the rest of datasets we will look at these ratios to keep the same context.

    The second dataset is discounted 40% from the original WSN-DS dataset in each label category, as each category contains different data records.The third dataset is 40% discounted from the second dataset in each label category.The fourth and fifth datasets are divided between normal and attacked in a two-to-one ratio to allow analysis of the effect of the ratios of each category on the training process.In dataset number six, records are divided between the two in a one-to-one ratio due to the small number of records.The WSN-DS datasets description is illustrated in Tab.3.

    Table 3: Datasets sizes

    5 Implementation and Evaluation

    In this section, we first discuss analyzing machine learning schemes in different WSN-DS datasets.The simulation environment and experimental performance are discussed in relation to machine learning algorithms, and then their results are analysed.In the second analysis, it will be applied based on the best machine learning test algorithm that came out from the first analysis to show its effect to the WSN network lifetime.

    5.1 Complexity Analysis for Machine Learning Approaches

    5.1.1 Experimental Environment

    In this analysis, Python3.8 platform is used within Jupyter Notebook software [50] and they operate on a Dell machine with a 1.8 GHz Intel Core i5 processor, 6MB cache, and 8 GB RAM.Operating System is Ubuntu 19.4.The hyper parameters for these analyses are shown in Tab.4.

    Table 4: List of machine learning hyper parameters

    5.1.2 Experimental and Performance Metrics

    In this work, five performance metrics are utilized to analyse machine learning algorithms on WSN-SD Datasets in different classification categories.The aims are the highest number of True Positive (TP) and True Negative (TN) and low number of False Negative (FN) and False Positive(FP).The number of TN indicates that the normal flows are expected as valid traffic, while the TP is the likelihood of the irregular traffic being labelled as abnormal traffic.Furthermore,the FN illustrates the likelihood of attack flows that are known as normal flows, while the FP represents the likelihood of normal flows predicted as attack flows.The False Positive Rate (FPR)indicates the wrongly defined attack ratio and the inverse False Negative Rate (FNR) over the cumulative sum of the incorrect forecast.In addition, accuracy is the percentage of accurate model prediction for all types of predictions produced.Execution time represents the time taken in the training process, measured in seconds.Moreover, F1-score is used to comprehensively measure the accuracy of the model.The following Equations represent all of the performance metrics used in this analysis:

    The Percentage Value (PV) will measure accuracy and F1-Score against the optimal value which is (1), and it will measure FPR and FNR against the optimal value which is (0).

    5.1.3 Results

    In subsequent analyses, we will review the results of the performance metrics of the machine learning algorithms that we selected on the split WSN-DS datasets in Section 4, namely D1 to D6.Figs.5-12 show the effect of dataset size on machine learning algorithms.However, SVM algorithms did not respond to the large datasets such as D1 and D2, and thus, no performance metrics were found regarding these two dataset groups.Moreover, in Na?ve Bayes technique, there are three types of algorithms (Bernoulli, Multinomial, and Gaussian), we chose a Multinomial algorithm because it provided the best results for performance metrics on the same WSN-DS dataset.

    Figure 5: KNN analysis of different WSN-DS dataset sizes: (a) performance metrics, (b) execution time

    Figure 6: LR analysis of different WSN-DS dataset sizes: (a) performance metrics, (b) execution time

    Figure 7: SVM analysis of different WSN-DS dataset sizes: (a) performance metrics, (b) execution time

    Figure 8: DT analysis of different WSN-DS dataset sizes: (a) performance metrics, (b) execution time

    In KNN, the instance category will be expected based on some instance metrics.The distance measure used in nearest neighbor methods for numerical features can be a simple Euclidean distance.Since WSN-DS is close to this type of feature, the KNN showed good results in accuracy and FPR in all different WSN-DS groups.The highest accuracy was at D3, D4, and D5 which satisfied 100%, and the lowest FPR at all groups was close to 0 as shown in Fig.5a.However,the FNR showed a gradual decrease through decreasing the data size from D1 to D6.Moreover,F1-Score also showed improvement when the data size decreased from D1 to D6.The execution time also showed that the maximum training time for D1 is 1.8 s and gradually decreased to 0.025 s for D4, which is considered a good result for online use of DoS detection in WSN nodes.

    Figure 9: Gboost analysis of different WSN-DS dataset sizes: (a) performance metrics, (b) execution time

    Figure 10: Na?ve bayes analysis of different WSN-DS dataset sizes: (a) performance metrics, (b)execution time

    LR is widely used in statistical models in many disciplines.It has been used frequently due to its ease of use and accuracy.Since the WSN-DS data relationship is close to linear and there is no missing data between its records, LR showed good results with respect to accuracy, F1-Score,FRP, and FNR as shown in Fig.6a.Furthermore, the accuracy showed almost no significant changes in the sizing of the WSN-DS groups.This means that LR can be a good choice for inspecting network traffic packets and obtaining high accuracy if the dataset size is small with a linear relationship between them.Furthermore, processing a small amount of dataset reduces the CPU and power consumption of embedded devices.FPR and FNR showed good results in the WSN-DS groups, both of which were close to 0 in the D4 dataset.In addition, the execution time also showed that the maximum training time for D1 is 2.5 s and gradually decreased to 0.25 s for D4, which is consider a good result for online use of DoS detection in WSN nodes.

    Figure 11: LSTM analysis of different WSN-DS dataset sizes: (a) performance metrics, (b) execution time

    Figure 12: MLP analysis of different WSN-DS dataset sizes: (a) performance metrics, (b) execution time

    The idea of SVM is to find the optimal level of separation between two categories by maximizing the margin between the closest points to the categories.However, the SVM has many drawbacks such as high computations for train data, sensitive to noisy data, and unbalanced data sets [18].Therefore, due to the size of D1 and D2, the SVM was not working and we did not get any results.Moreover, regarding converting all types of attack logs to 0 value, the output will be a binary (0 or 1) and SVM gives better results in a different number of outputs.In addition, the nature of WSN-DS is imbalanced between normal and attack categories.Since the normal range covers more than 89% from all the data, and SVM gives better results when there is a diversity of samples for each category.As results, the SVM came out with poor performance metrics.Accuracy and F-Score showed unstable scores as the WSN-DS was moved from D3 to D6 as shown in Fig.7a.The highest accuracy achieved at D3 and then started gradually decreases.FPR and FNR also showed random results among the WSN-SD sets and were of high value.In execution time,the algorithm consumed around 80 s to train D3 and then scaled back to close to 0 on the rest of the datasets.

    In DT, the attributes of the WSD-DS are determined by the internal nodes, and the branches are the result of each test against each node.Thus, DT structure is simple and fast.In WSNDS, the DT came out with a good result in accuracy, F1-Score, FPR, and FNR in all datasets as shown in Fig.8a.The highest accuracy and F1-Score were at D5, and the lowest FNR and FPR were at D5 as well.This means that DT can be a good choice for inspecting network traffic packets and obtaining high accuracy if the dataset size is small with or without a linear relation between them.Therefore, it is considered better than LR for checking network packets.The execution time also showed that the maximum training time for D1 is 9 s and gradually decreases to 0.20 s for D5, which is a good result of using DoS detection online as well.

    The Gboost algorithm is an improvement of DT through discovering the unknown relationship between continuous output and dimensional input.The WSN-DS sets showed good results for all performance metrics such as DT.The highest accuracy and F1-Score were at D4 and D5,and the lowest FNR and FPR were at D4 and D5 as shown in Fig.9a.Moreover, it showed lower execution time compared to DT and this makes it a better choice.

    In Na?ve Bayes, the fundamental assumption and point in making the prediction is the independence between the attributes of the data set.It is easy to set up and especially useful for large data sets.However, the Na?ve Bayes showed good results when the size of WSN-DS decreased from D1 to D6, and the highest accuracy score was at D2 while the F1-Score was not the highest in that group as illustrated in Fig.10a.Even more surprising is the execution time that algorithm consumes, which is very little compared to similar algorithms.Therefore, it is very good for packets that need direct monitoring with the possibility of obtaining good detection,without paying attention to the volume of data to be analyzed.

    Since LSTM is a type of deep learning technique, the process of training and testing will be different from other machine learning algorithms called “shallow”.This type depends on the perceptron layers and weights in order to discover the relationship between interrelated traits.But the most disadvantage of these techniques is the time and power that goes into figuring out these relationships.In general, in terms of inspecting WSN node packets, the time spent on this algorithm was quite large as shown in Fig.11b.In addition, Fig.11a showed a slight degradation of accuracy when datasets changed from D1 to D6.Therefore, this algorithm proves that it needs a huge dataset to introduce good performance results.Moreover, The F1-score also shows better results on D4 and D5 compared to other datasets.This is due to the percentage between records labelled by Normal (0) and records labelled by attack (1) in each dataset.The ratio of attack records in datasets D4 and D5 was one-to-two compared to the D1 and D2 as it was 89% (Normal) to 11% (Attack).In addition, the Figure showed the best value for FPR when the dataset is D1 and D2, and its value starts to deteriorate when the dataset changes to D3 and continue, while the FNR starts to improve when the size of dataset becomes smaller, the FNR value has moved from 0.25 in D1 to be 0 in D4.However, the LSTM shows good FNR values compared to other algorithms.Finally, in terms of training execution time, LSTM takes a huge time in the training process, and compared to optimization results, the cost is high for numerical datasets compared to other machine learning algorithms.

    Moreover, MLP shown in Fig.12 results are similar to those of LSTM, with difference in the execution time, which is much less.As for changing datasets, MLP also needs huge data in order to give results with higher accuracy.The F1-score starts to improve while resizing the dataset from D1 to D4, due to the increased percentage of records that are classified as attacked compared to normal records.FPR also showed good performance results while resizing the dataset size from D1 to D3 and starting to increase as the dataset gets smaller and smaller.FNR also showed acceptable performance results.However, the training time for MLP is very low compared to LSTM but compared to other machine learning it is a huge execution time.

    In relation to this type of data collected from network traffic, most of its features are numeric statistical values [49].Therefore, the statistical and logical machine learning techniques will introduce good results in less training time.Therefore, Figs.5, 8 and 9 show similar chart curve results in all three Figures for most performance metrics (i.e., accuracy, F1-score, FPR and FNR).In addition, the size of a WSN-DS dataset systematically influences the values of these three algorithms’performance metrics.The accuracy and F1-score start to increase when the dataset changes from D1 to D4, then is nearly constant in size dataset between D4 and D5.After that, the accuracy and F1-score start to decrease after D5 size.Furthermore, the FNR begins decreasing from 0.12 at dataset D1 to 0.001 at D4 and then begins to increase after D5 size.Besides, FPR also shows good results that are close to 0 and being 0 at D4 and D5.However, the Gboost and DT algorithms show the best performance in the results of FNR compared to other machine learning algorithms.Moreover, the same Figs in (5b, 8b, and 9b) show the degradation in training time of machine learning algorithms while reducing the size of the datasets.However,the differences in training times between these three algorithms are a bit close.The KNN shows the lowest training time among them, followed by Gboost and finally DT.

    In Figs.6 and 10, the results of the performance metrics show the improvement when the datasets are D4 and D5 as well.The accuracy and F1-Score show good results at different datasets, but the FRP shows an unstable chart curve with respect to datasets sizes, and it is also higher than Gboost, DT and KNN.Regarding training time, the Na?ve bayes in Fig.10b shows the lowest execution time compared to other machine learning algorithms, while LR in Fig.6b shows lower execution time compared to DT and Gboost algorithms.In the SVM algorithm, the performance metrics results show unstable accuracy, F1-score, FPR and FNR across all sizes of datasets that were accepted for implementation.The training time for D3 was high compared to other statistical algorithms, it was around 80 s.

    Regarding the comparison of machine learning algorithms with each other in different performance metrics models, Figs.13-17 show these results in each dataset.

    Based on Fig.13, most machine learning algorithms show good performance results in accuracy on different datasets sizes, but the Gboost, DT and KNN are best for numerical network traffic data.The accuracy in the KNN achieved the full score (1) in three datasets, D3, D4, and D5, while the accuracy in both DT and Gboost achieved full score only once in the D5 dataset.Moreover, the same Figure shows a slight similarity in accuracy scores between the MLP and LSTM algorithms related to the sizes of datasets, and also the Fig.13 shows that the accuracy in MLP has the highest score (1) in the D2 dataset and better than LSTM algorithm.In addition,with respect to the F1-score metric as shown in Fig.14, Gboost, DT and KNN also introduced the best results in different datasets sizes.The F1-score in the KNN, Gboost, and DT achieved the full score (1) in two datasets, D4, and D5.As previously discussed, the D4 and D5 datasets display the highest F1-score results across all datasets sizes due to the proportions distribution among dependent variable categories.

    Moreover, the same Fig.14 also shows slight similarity in F1-score results between MLP and LSTM algorithms related to sizes of datasets, and also between DT and Gboost, as well as KNN and LR.

    Fig.15 shows the comparison between machine learning algorithms related to FPR, and also the Gboost, KNN, and DT introduced the lowest FPR results.The MLP offered a better FPR compared to LSTM and LR.In FNR as illustrated in Fig.16, Na?ve Bayes introduced the lowest performance results, then the DT and Gboost.However, the SVM offered the worst performance values.Also, the MLP shows good results in FNR compared to LSTM, KNN, and LR.

    Finally, in Fig.17 divide the training execution time into two parts to allow its results to be displayed across all machine learning algorithms.Since the LSTM consumed 17428.7 s compared to Na?ve Bayes consumed less than 0.05 s in the D1 dataset.The execution training time consumed in D3 was 2278.67, 76.15, 8.419, 0.818, 0.556, 0.53, 0.515, and 0.016 s in LSTM,SVM, MLP, LR, DT, Gboost, KNN and Na?ve Bayes, respectively.

    Figure 13: Accuracy comparison between different datasets sizes and machine learning algorithms

    Figure 14: F1-Score comparison between different datasets sizes and machine learning algorithms

    Figure 15: FPR comparison between different datasets sizes and machine learning algorithms

    Figure 16: FNR comparison between different datasets sizes and machine learning algorithms

    Figure 17: Comparison of training execution time between sizes of different datasets with (a)machine learning algorithms, (b) deep learning algorithms

    However, based on this analysis in different machine learning algorithms using different WSN datasets, we conclude that the numerical analysis of DoS in wireless sensor networks traffic does not require complex deep learning algorithms to detect the attack packets.Moreover, a dataset containing between 3000 to 6000 records is sufficient to carry out the training process and obtain a high-performance prediction, if the percentage of data between the labelled categories is sufficient to differentiate these categories.In D4 and D5, the percentage between two labels (dependent variable) are two-to-one, while in D1 it was from 88% to 11% (normal to attack).

    In the next section, we will choose the Gboost algorithm to implement in WSN network simulation.We select it based on the highest performance in accuracy, F1-score, FPR, and FNR in all datasets and specially on D4 and D5.Moreover, it has an acceptable training execution time in D4 and D5 which ranges from 0.14 s in D4 to 0.094 s in D5.

    To implement this algorithm in WSN networks simulation, we need to find out the Gboost output model from the training process.Therefore, as the dependent variable of the WSN-DS dataset has two values (0 “Normal”or 1 “Attack”), the probability(P)represents the relationship between the independent variables and dependent variables.Eq.(5) represents this probability [42]:

    wherenis the number of WSN-DS dataset features,xis the WSN-DS feature,β0is an intercept,andβ1,β2,βnare the regression coefficients for WSN-DS features.In addition, from the training process of Gboost algorithm the regression coefficient values come out and the Gboost prediction is ready for testing.The regression coefficient values for the Gboost are illustrated in Tab.5.Moreover, the Is_CH, Join_Req Received, Send_code, ADV_R, and ADV_S messages are among the most important features related to the Gboost-DoS detection process.

    Table 5: Gboost regression coefficient values

    The probability ofyfromxnis calculated in Eq.(6).

    whereyis a dependent variable (Label).

    5.2 Complexity Analysis for the WSN Networks Lifetime on Gboost Approach

    In this section, we will analyse the impact of DoS detection by using the Gboost al gorithm on WSN network lifetime.The lifetime of the network is calculated when the power of some WSN nodes reaches 0.

    In the simulation environment, Contiki operating systems with Cooja simulator are used to simulate WSN network architecture [51].The modified 6LoWPAN protocol will be used as discussed in [25] to manage and control the WSN node’s hardware and software.The simulation is running on the same machine that was discussed in 5.1.1.The default parameters used in the wireless networks architecture are plotted in Tab.6, and some parameters values in the table are taken from the values in [25].

    Table 6: Simulation parameters used

    For the DoS detection evaluation using the ‘Gboost scheme’, we will simulate the first scenario regarding reference parameters, encryption, and authentication processes, and then extract the network lifetime.In the second scenario, we will add a Gboost-DoS detection mechanism to the first scenario and run it to see the effect of monitoring and packet inspection in each CH to the network lifetime.The Gboost-DoS output model is distributed to all WSN nodes and each WSN node becomes a CH, it will start monitoring ordinary WSN node activities associated with it in second and third WSN node layers, then find data features and calculateyfor each node.For each positivey, the CH will create a counter table for the WSN node that received suspicious packets, and calculate from one toα, if counter reaches this value in period of time(t), the CH will block this node and send broadcast message to other CHs and AP for this case.Moreover, these counter tables are forwarded between CH nodes so that all of them are aware of these numbers, since the work environment is mobile and the WSN nodes can navigate and share another CH.However, the idea of a counter table is important and is to reduce the FNR in WSN networks.

    In the simulation, the WSN nodes are initially spread with dimensions of 500 × 500 terrain associated with nine CHs at the initial values as seen in Fig.18.Next, the WSN nodes continue to travel in a random direction at a rate of 5 meters per second.The initial energy of the WSN node to 1.5 Joule and the simulation time set to 500 s to allow some of the WSN node’s energy in the first scenario to reach 0.

    Moreover, each ordinary node sends 64 packets per second to its CH node and each packet size is 1000 bits.If the node is CH, the received packets will be forwarded to the neighbour CH.Moreover, the monitoring of nodes packets activity occur in constant time interval, and the statistical calculation for each DoS attack during these time intervals (t) will be the same data features calculation of [23].regarding to Gboost DoS detection model, we suppose that the energy consumption per each packet inspection will be 0.001 J, and depends on this energy consumption value the analysis effect of the Gboost DoS detection on the WSN network lifetime is illustrated on Fig.19.

    Figure 18: Simulation WSN nodes

    As illustrated from Fig.19, the increment of initial power in WSN nodes increases the lifetime of WSN networks in both scenarios.This resemblance is due to the positive relationship between WSN node initial power and the duration time.Moreover, from the same Fig.19, we observe that the variation of the network lifetime between two scenarios increases with the increases in the initial power of the WSN nodes.This variation increases from 35% to 59% when the WSN node initial power increases from 0.75 to 1.5 J.The reason for the increase in this variance is due to the increase in the rate of packets received by the CH nodes, which in turn will lead to an increase in the rate of the inspection and verification messages.This in turn also leads to an increase in the rate of power consumption within the CH nodes, and thus the result is a decrease in the lifetime of networks.The results show the Gboost-detection algorithm decreases the network lifetime by 35%, 40%, 43%, and 59% compared to the Gboost-free scenario, respectively.

    Figure 19: Analysis the effect of Gboost algorithm on WSN network lifetime

    6 Conclusion and Future Work

    In this paper, we have analysed the performance of various machine learning algorithms belonging to different classification categories (Statistical-based, Logic-based, Instance-Based, and Deep Learning-based) on WSN-DS datasets to help detect DoS attacks.These machine learning algorithms were KNN, LR, SVM, DT, Na?ve Bayes, LSTM, and MLP.Moreover, the WSN-SD was divided into different datasets to analyse the performance of these algorithms on each dataset size.Furthermore, one of these algorithms was selected to analyse its functions on the lifetime of the WSN network.Python 3.8 within Jumyter Network software has been used to obtain the accuracy, F1-score, FPR, FNR, and training execution time for each algorithm.Cooja simulator have also been used to obtain the WSN network lifetime and the simulation environment was managed by the clustering management algorithm which was supposed in modern references.

    The performance analysis results of the machine learning algorithms in WSN-SD show that the dataset that collected from WSN network traffic are numeric statistical values.Therefore, the statistical and logical classification algorithms have the best performance metrics, and Gboost was the best based on the overall average of performance metrics in different WSN-DS datasets.Moreover, a dataset containing between 3000 to 6000 records is sufficient to carry out the training process and obtain a high-performance prediction, if the percentage of data between the labelled categories is sufficient to differentiate these categories.

    The Gboost improved the average of accuracy across all WSN datasets by 0.29%, 2%, 26%,5%, 2%, and 0.8% compared to KNN, LR, SVM, Na?ve Bayes, LSTM, and MLP, respectively.In DT accuracy, it was very close to Gboost.In an average of F1-score, Gboost improved it by 2%, 5%, 41%, 12%, 58%, and 58% compared to KNN, LR, SVM, Na?ve Bayes, LSTM, and MLP, respectively.Also DT in F1-score showed the similar result to Gboost.Furthermore, the Gboost reduced the average FPR in all WSD-DS datasets by 87%, 97%, 27%, 89%, 86%, and 72% compared to LR, SVM, DT, Na?ve Bayes, LSTM, and MLP.The KNN showed a 36% better reduction compared to Gboost.In average FNR, the Gboost reduced it by 63%, 43%, 93%, 82%,and 41% compared to KNN, LR, SVM, LSTM, and MLP, respectively.FNR in DT and Na?ve Bayes was 26% and 350% lower than Gboost.Finally, on average training execution time, Gboost used less time compared to DT, SVD, LSTM, MLP at 32%, 927%, 9997%, and 913% respectively.Moreover, the KNN, LR, Na?ve Bayes used less average training execution time by 128%, 74%,and 808% compared to Gboost, respectively.In network lifetime, the Gboost reduced it by 32%compared to standard scenario.

    In the future research, we intend to collect new WSN network dataset from 6LoWPAN protocol and add new features related to packet drop per flow, packet size per flow, flow change ratio, and packet change ratio.Moreover, we can use the cumulative difference of correctly classified states computed by the custom sniffer to generate a more solid conclusion regarding the node state.Furthermore, to employ or suppose a lightweight mechanism determines the most important features of datasets.The best features are selected before the training stage to improve the performance machine learning algorithms output.Additionally, we need to examine the effect of percentage size of each class in dependent variables on the performance of machine learning algorithms.

    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.

    午夜福利网站1000一区二区三区| 国产白丝娇喘喷水9色精品| 精品国产露脸久久av麻豆 | 日日摸夜夜添夜夜添av毛片| 国产精品一区二区性色av| 最新中文字幕久久久久| 一个人观看的视频www高清免费观看| 国产精品嫩草影院av在线观看| 嫩草影院新地址| 国产熟女欧美一区二区| 直男gayav资源| 97热精品久久久久久| 国产 一区精品| av.在线天堂| 国产激情偷乱视频一区二区| 嫩草影院入口| 亚洲av免费在线观看| 亚洲熟妇中文字幕五十中出| 搡女人真爽免费视频火全软件| 国产亚洲5aaaaa淫片| 内射极品少妇av片p| 亚洲在线自拍视频| 国产精品久久久久久久久免| 国产免费视频播放在线视频 | 九九在线视频观看精品| 97超碰精品成人国产| 欧美3d第一页| 中文字幕熟女人妻在线| 日本wwww免费看| 久久精品91蜜桃| 欧美区成人在线视频| 赤兔流量卡办理| 久99久视频精品免费| 嫩草影院入口| 久久人人爽人人爽人人片va| 五月伊人婷婷丁香| 日韩精品青青久久久久久| 国产高清不卡午夜福利| 女人久久www免费人成看片 | 我要搜黄色片| 性色avwww在线观看| 99热6这里只有精品| 午夜精品一区二区三区免费看| 波野结衣二区三区在线| 国产精品,欧美在线| 性插视频无遮挡在线免费观看| 中文字幕制服av| 亚洲性久久影院| 男人舔奶头视频| 变态另类丝袜制服| 在现免费观看毛片| 亚洲av中文字字幕乱码综合| 亚洲精品aⅴ在线观看| 黑人高潮一二区| videossex国产| 午夜福利成人在线免费观看| 国产精品国产高清国产av| 国产精品福利在线免费观看| 免费大片18禁| 亚洲av电影不卡..在线观看| 国语自产精品视频在线第100页| eeuss影院久久| 超碰av人人做人人爽久久| 午夜激情欧美在线| 亚洲在久久综合| av播播在线观看一区| 综合色av麻豆| 美女高潮的动态| 国产精品不卡视频一区二区| 亚洲精品成人久久久久久| 我要搜黄色片| 欧美高清性xxxxhd video| 亚洲,欧美,日韩| av播播在线观看一区| 国产精品爽爽va在线观看网站| 国产成人aa在线观看| 啦啦啦观看免费观看视频高清| 女人久久www免费人成看片 | 在线播放国产精品三级| 国产午夜福利久久久久久| 日韩欧美三级三区| 亚洲成人久久爱视频| 秋霞伦理黄片| 神马国产精品三级电影在线观看| 一夜夜www| 超碰97精品在线观看| 在线播放国产精品三级| 久久精品国产亚洲av涩爱| 91久久精品电影网| 青春草亚洲视频在线观看| 国产成人a∨麻豆精品| 亚洲人与动物交配视频| 国产欧美日韩精品一区二区| 国产精品一区二区在线观看99 | АⅤ资源中文在线天堂| 少妇熟女欧美另类| 人妻制服诱惑在线中文字幕| 色吧在线观看| av女优亚洲男人天堂| 日韩一区二区视频免费看| 日韩av不卡免费在线播放| 国产一区二区亚洲精品在线观看| 99热这里只有是精品在线观看| 在线播放无遮挡| 日本五十路高清| 久久综合国产亚洲精品| 亚洲不卡免费看| 人人妻人人澡人人爽人人夜夜 | 久久久久久国产a免费观看| 国产精品一区www在线观看| 国产欧美日韩精品一区二区| 亚洲国产精品sss在线观看| 亚洲欧美日韩卡通动漫| av线在线观看网站| 永久免费av网站大全| 亚洲内射少妇av| 国产美女午夜福利| 人妻制服诱惑在线中文字幕| 免费不卡的大黄色大毛片视频在线观看 | 搡女人真爽免费视频火全软件| 久久午夜福利片| 中文字幕精品亚洲无线码一区| 99久久人妻综合| av福利片在线观看| 国产高清视频在线观看网站| 非洲黑人性xxxx精品又粗又长| 波多野结衣巨乳人妻| 国产精品无大码| 一二三四中文在线观看免费高清| 中文字幕久久专区| 亚洲激情五月婷婷啪啪| 成年女人永久免费观看视频| 国产69精品久久久久777片| 日日摸夜夜添夜夜添av毛片| 亚洲怡红院男人天堂| 男人的好看免费观看在线视频| 国产高清三级在线| 永久免费av网站大全| 国产精品三级大全| 久久久久性生活片| 国产探花极品一区二区| 五月伊人婷婷丁香| 日本欧美国产在线视频| 日韩成人伦理影院| 久久久久久久久大av| 亚洲四区av| 啦啦啦韩国在线观看视频| 久久久午夜欧美精品| 一个人免费在线观看电影| 久久久久久久国产电影| 国产av码专区亚洲av| 国产精品一区二区三区四区久久| 最近2019中文字幕mv第一页| 久久亚洲国产成人精品v| 久久99精品国语久久久| 嫩草影院精品99| 国产精品伦人一区二区| av福利片在线观看| 天堂√8在线中文| 亚洲成人久久爱视频| 亚洲无线观看免费| 我的女老师完整版在线观看| 狂野欧美白嫩少妇大欣赏| 内射极品少妇av片p| 精品久久久久久电影网 | 午夜福利高清视频| 国产高清国产精品国产三级 | 在线观看一区二区三区| 日韩亚洲欧美综合| 精品少妇黑人巨大在线播放 | 极品教师在线视频| 日韩,欧美,国产一区二区三区 | 老师上课跳d突然被开到最大视频| 天堂中文最新版在线下载 | ponron亚洲| 久久久精品欧美日韩精品| 久久久国产成人精品二区| 老司机影院毛片| 久久精品影院6| 免费在线观看成人毛片| 国产精品乱码一区二三区的特点| 亚洲国产欧美在线一区| 99热全是精品| av.在线天堂| 亚洲欧洲日产国产| 亚洲美女搞黄在线观看| 又粗又爽又猛毛片免费看| 我要搜黄色片| 国产 一区 欧美 日韩| 国产精品一区二区性色av| 亚洲最大成人av| 中文字幕制服av| 中文亚洲av片在线观看爽| 亚洲av成人av| 免费看日本二区| 国产高清不卡午夜福利| 激情 狠狠 欧美| 老司机福利观看| 亚洲成人av在线免费| 欧美精品国产亚洲| 日本黄色片子视频| 国产高清不卡午夜福利| 国产精品精品国产色婷婷| 久久草成人影院| 在线a可以看的网站| 国产精品一区二区三区四区久久| 国产v大片淫在线免费观看| 国产熟女欧美一区二区| 免费看美女性在线毛片视频| 国产一区有黄有色的免费视频 | 蜜臀久久99精品久久宅男| 69av精品久久久久久| 天堂网av新在线| 日韩欧美精品v在线| 国产亚洲精品久久久com| 欧美激情国产日韩精品一区| 免费不卡的大黄色大毛片视频在线观看 | 最近中文字幕高清免费大全6| 久久久久久久亚洲中文字幕| 波多野结衣高清无吗| 美女内射精品一级片tv| 成人欧美大片| 边亲边吃奶的免费视频| 色哟哟·www| 久久午夜福利片| 久久久久性生活片| 国产 一区 欧美 日韩| 麻豆成人av视频| 国产免费福利视频在线观看| 久久热精品热| 中文欧美无线码| 舔av片在线| 欧美丝袜亚洲另类| 久久亚洲国产成人精品v| 男女啪啪激烈高潮av片| 变态另类丝袜制服| 亚洲成人久久爱视频| 国产日韩欧美在线精品| 波野结衣二区三区在线| 亚洲欧美成人综合另类久久久 | 午夜精品国产一区二区电影 | 国产成人精品久久久久久| 国产极品天堂在线| 久久久久久伊人网av| 亚洲精品国产成人久久av| 精品欧美国产一区二区三| 亚洲av不卡在线观看| 看片在线看免费视频| 汤姆久久久久久久影院中文字幕 | 在线观看一区二区三区| 男人舔女人下体高潮全视频| 视频中文字幕在线观看| 最近手机中文字幕大全| 欧美成人精品欧美一级黄| 美女高潮的动态| 国产在视频线在精品| 韩国高清视频一区二区三区| 亚洲美女搞黄在线观看| 国产白丝娇喘喷水9色精品| 在线观看av片永久免费下载| 精品人妻视频免费看| 青春草亚洲视频在线观看| av卡一久久| 亚洲av熟女| 国产黄片视频在线免费观看| 国产成人a区在线观看| a级毛色黄片| 久久久久久久亚洲中文字幕| av在线亚洲专区| 久久精品91蜜桃| 亚洲国产欧美在线一区| 熟女人妻精品中文字幕| 内地一区二区视频在线| 高清视频免费观看一区二区 | 国产黄片视频在线免费观看| 久久久久久久国产电影| 日产精品乱码卡一卡2卡三| 久久久精品欧美日韩精品| 乱码一卡2卡4卡精品| 大话2 男鬼变身卡| av在线播放精品| 欧美成人精品欧美一级黄| 日韩欧美 国产精品| 国产亚洲午夜精品一区二区久久 | 亚洲无线观看免费| 小说图片视频综合网站| 一个人观看的视频www高清免费观看| 如何舔出高潮| 国产精品1区2区在线观看.| 91久久精品国产一区二区三区| 成人无遮挡网站| 欧美3d第一页| 91精品一卡2卡3卡4卡| 一级黄色大片毛片| 免费看美女性在线毛片视频| 成年av动漫网址| 99久久九九国产精品国产免费| 国产免费福利视频在线观看| 男女视频在线观看网站免费| 哪个播放器可以免费观看大片| 男人的好看免费观看在线视频| 久久亚洲国产成人精品v| 国产男人的电影天堂91| 高清在线视频一区二区三区 | 国产亚洲最大av| 日本三级黄在线观看| 秋霞伦理黄片| 精品久久久久久电影网 | 国产免费福利视频在线观看| 女人十人毛片免费观看3o分钟| 欧美高清性xxxxhd video| 中文天堂在线官网| 欧美激情在线99| 国产精品一区www在线观看| 少妇熟女aⅴ在线视频| 爱豆传媒免费全集在线观看| 亚洲欧美一区二区三区国产| 精品一区二区三区人妻视频| 岛国在线免费视频观看| 亚洲在线观看片| 亚洲最大成人中文| 日韩大片免费观看网站 | 狠狠狠狠99中文字幕| 亚洲人成网站高清观看| 国产乱人视频| 亚洲va在线va天堂va国产| 国产成人精品一,二区| 亚洲精品成人久久久久久| av国产久精品久网站免费入址| 中国美白少妇内射xxxbb| 国产精品福利在线免费观看| 中文字幕精品亚洲无线码一区| 久久久久久久久久成人| 最近视频中文字幕2019在线8| 国产精品蜜桃在线观看| 国产av在哪里看| 七月丁香在线播放| 欧美xxxx性猛交bbbb| 特级一级黄色大片| 菩萨蛮人人尽说江南好唐韦庄 | 中文字幕亚洲精品专区| av在线观看视频网站免费| 国产精品爽爽va在线观看网站| 国产日韩欧美在线精品| 久久热精品热| 国产真实乱freesex| 久久精品国产亚洲网站| 亚洲在久久综合| 亚洲成人av在线免费| 18+在线观看网站| 天堂影院成人在线观看| 欧美97在线视频| 国产亚洲精品av在线| 亚洲av二区三区四区| 国产三级在线视频| 99久久中文字幕三级久久日本| 天美传媒精品一区二区| 大香蕉97超碰在线| 欧美性感艳星| 免费看av在线观看网站| 欧美高清成人免费视频www| www日本黄色视频网| 精品免费久久久久久久清纯| 女的被弄到高潮叫床怎么办| 老司机影院成人| 久久99精品国语久久久| a级毛片免费高清观看在线播放| 久久精品国产99精品国产亚洲性色| 国产成人精品一,二区| 国产精品一区二区在线观看99 | 男女啪啪激烈高潮av片| 国产极品精品免费视频能看的| 久久这里有精品视频免费| av在线亚洲专区| 精品熟女少妇av免费看| 精华霜和精华液先用哪个| 超碰av人人做人人爽久久| 一级黄片播放器| 在线播放国产精品三级| 国产免费男女视频| 男女啪啪激烈高潮av片| 久久久久久久久久黄片| 日韩强制内射视频| 成人无遮挡网站| 干丝袜人妻中文字幕| 久久人妻av系列| 能在线免费看毛片的网站| 国产麻豆成人av免费视频| 欧美丝袜亚洲另类| 欧美极品一区二区三区四区| 久久精品国产亚洲av天美| 99久国产av精品| 国产激情偷乱视频一区二区| 国产高潮美女av| 我的女老师完整版在线观看| 69av精品久久久久久| 久久99热6这里只有精品| 我要看日韩黄色一级片| 日本欧美国产在线视频| 国产乱人偷精品视频| 亚洲国产精品合色在线| 亚洲精品自拍成人| 亚洲18禁久久av| 国产精品熟女久久久久浪| 欧美+日韩+精品| 18禁在线播放成人免费| 国产精品99久久久久久久久| 亚洲美女视频黄频| 我要看日韩黄色一级片| 性插视频无遮挡在线免费观看| 亚洲最大成人手机在线| 亚洲av免费高清在线观看| 中文字幕制服av| 久久精品熟女亚洲av麻豆精品 | 亚洲精品久久久久久婷婷小说 | 国产成人精品婷婷| 亚洲高清免费不卡视频| 精品99又大又爽又粗少妇毛片| 国产老妇女一区| 国产三级在线视频| 男女国产视频网站| 男人狂女人下面高潮的视频| 日韩一区二区视频免费看| 18禁动态无遮挡网站| 熟女人妻精品中文字幕| 桃色一区二区三区在线观看| 久久精品国产鲁丝片午夜精品| 国产精品乱码一区二三区的特点| av在线观看视频网站免费| 久久精品影院6| 日本免费a在线| 一级黄片播放器| 亚洲丝袜综合中文字幕| 亚洲第一区二区三区不卡| www.色视频.com| 精品免费久久久久久久清纯| 国产中年淑女户外野战色| 日韩视频在线欧美| 日本-黄色视频高清免费观看| 亚洲欧美成人综合另类久久久 | 国产精品不卡视频一区二区| 亚洲av男天堂| 日本三级黄在线观看| 久久欧美精品欧美久久欧美| 国产淫片久久久久久久久| .国产精品久久| 最近手机中文字幕大全| 网址你懂的国产日韩在线| 嫩草影院入口| 国产伦理片在线播放av一区| 国产黄色小视频在线观看| 日韩一区二区视频免费看| 国产一区亚洲一区在线观看| 一卡2卡三卡四卡精品乱码亚洲| 久久久久精品久久久久真实原创| 婷婷色av中文字幕| 免费看a级黄色片| 国产单亲对白刺激| av播播在线观看一区| 99国产精品一区二区蜜桃av| h日本视频在线播放| 色播亚洲综合网| 在线观看66精品国产| 午夜福利视频1000在线观看| 欧美激情久久久久久爽电影| av又黄又爽大尺度在线免费看 | 日韩成人伦理影院| 搡老妇女老女人老熟妇| 国产免费又黄又爽又色| 亚洲综合色惰| 国产精品1区2区在线观看.| 少妇人妻精品综合一区二区| 亚洲国产高清在线一区二区三| 国产一区二区在线av高清观看| 成人性生交大片免费视频hd| 亚洲精华国产精华液的使用体验| 中文字幕av成人在线电影| 亚洲精品国产成人久久av| 老司机影院成人| 欧美不卡视频在线免费观看| 国产精品一及| 亚洲欧美精品综合久久99| 99视频精品全部免费 在线| 欧美日本亚洲视频在线播放| 嫩草影院精品99| 国产探花在线观看一区二区| 久久久久久九九精品二区国产| 亚洲精品影视一区二区三区av| 夜夜爽夜夜爽视频| 亚洲成人精品中文字幕电影| 中国国产av一级| 又黄又爽又刺激的免费视频.| 中文天堂在线官网| 午夜福利在线观看吧| av.在线天堂| 男人的好看免费观看在线视频| 精品人妻偷拍中文字幕| 免费看av在线观看网站| 亚洲自拍偷在线| 久久精品国产亚洲av天美| 男的添女的下面高潮视频| 精品一区二区三区视频在线| 久久99蜜桃精品久久| 99热这里只有是精品在线观看| 最新中文字幕久久久久| 国产亚洲av片在线观看秒播厂 | 夜夜看夜夜爽夜夜摸| 成人无遮挡网站| www.av在线官网国产| 国产精品久久视频播放| 国产高清不卡午夜福利| 精品人妻熟女av久视频| 22中文网久久字幕| 国产精品熟女久久久久浪| 免费看a级黄色片| 干丝袜人妻中文字幕| 99热网站在线观看| 国产又黄又爽又无遮挡在线| 久久久久久久午夜电影| 99热精品在线国产| 亚洲内射少妇av| 麻豆成人av视频| 国产精品久久视频播放| 亚洲第一区二区三区不卡| 免费在线观看成人毛片| 国产女主播在线喷水免费视频网站 | 久久久久精品久久久久真实原创| 一级爰片在线观看| 天堂√8在线中文| 中文资源天堂在线| 日本免费a在线| 成人欧美大片| 最近中文字幕高清免费大全6| 久久鲁丝午夜福利片| 美女cb高潮喷水在线观看| 人妻夜夜爽99麻豆av| 国产一级毛片在线| 搡女人真爽免费视频火全软件| 啦啦啦韩国在线观看视频| 91aial.com中文字幕在线观看| 亚洲精品一区蜜桃| 国国产精品蜜臀av免费| 欧美激情久久久久久爽电影| 亚洲国产最新在线播放| 日韩一本色道免费dvd| 免费看日本二区| eeuss影院久久| 一级爰片在线观看| 日韩人妻高清精品专区| 亚洲精品456在线播放app| 欧美日韩精品成人综合77777| 一卡2卡三卡四卡精品乱码亚洲| 亚洲精品乱码久久久久久按摩| or卡值多少钱| 欧美成人一区二区免费高清观看| 人人妻人人看人人澡| 少妇被粗大猛烈的视频| 禁无遮挡网站| 国产又色又爽无遮挡免| 麻豆一二三区av精品| 国产一区二区三区av在线| 亚洲欧美清纯卡通| 国产黄片美女视频| 97在线视频观看| 国产大屁股一区二区在线视频| 日本免费一区二区三区高清不卡| 性色avwww在线观看| 亚洲国产日韩欧美精品在线观看| 变态另类丝袜制服| 国产在视频线在精品| 婷婷六月久久综合丁香| 成年免费大片在线观看| 神马国产精品三级电影在线观看| 欧美色视频一区免费| 亚洲电影在线观看av| 少妇猛男粗大的猛烈进出视频 | 夜夜看夜夜爽夜夜摸| 国产高清有码在线观看视频| 日日摸夜夜添夜夜添av毛片| 国产高清视频在线观看网站| 午夜精品一区二区三区免费看| 日韩精品有码人妻一区| 国产精品电影一区二区三区| 免费看美女性在线毛片视频| 亚洲欧美精品自产自拍| 亚洲欧美中文字幕日韩二区| 看非洲黑人一级黄片| av线在线观看网站| 一级二级三级毛片免费看| www.av在线官网国产| 成人av在线播放网站| 日本与韩国留学比较| 午夜精品一区二区三区免费看| 免费不卡的大黄色大毛片视频在线观看 | 国产亚洲av嫩草精品影院| 日韩av不卡免费在线播放| 欧美高清性xxxxhd video| 在线观看一区二区三区| 中文字幕人妻熟人妻熟丝袜美| 听说在线观看完整版免费高清| 日韩成人伦理影院| 午夜精品在线福利| 看非洲黑人一级黄片| 国产综合懂色| 少妇裸体淫交视频免费看高清| 国产午夜福利久久久久久| 亚洲精品乱久久久久久| 人妻制服诱惑在线中文字幕| 少妇猛男粗大的猛烈进出视频 | 亚洲国产精品成人久久小说| 少妇被粗大猛烈的视频| 亚洲在线自拍视频| 丝袜美腿在线中文| 国产精品一区二区性色av| 亚洲国产精品久久男人天堂|