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

    ResNeSt-biGRU:An Intrusion Detection Model Based on Internet of Things

    2024-05-25 14:41:20YanXiangDaofengLiXinyiMengChengfengDongandGuanglinQin
    Computers Materials&Continua 2024年4期

    Yan Xiang ,Daofeng Li,? ,Xinyi Meng ,Chengfeng Dong and Guanglin Qin

    1School of Computer and Electronics Information,Guangxi University,Nanning,530004,China

    2Guangxi Colleges and Universities Key Laboratory of Multimedia Communications and Information Processing,Guangxi University,Nanning,530004,China

    ABSTRACT The rapid expansion of Internet of Things (IoT) devices across various sectors is driven by steadily increasing demands for interconnected and smart technologies.Nevertheless,the surge in the number of IoT device has caught the attention of cyber hackers,as it provides them with expanded avenues to access valuable data.This has resulted in a myriad of security challenges,including information leakage,malware propagation,and financial loss,among others.Consequently,developing an intrusion detection system to identify both active and potential intrusion traffic in IoT networks is of paramount importance.In this paper,we propose ResNeSt-biGRU,a practical intrusion detection model that combines the strengths of ResNeSt,a variant of Residual Neural Network,and bidirectional Gated Recurrent Unit Network(biGRU).Our ResNeSt-biGRU framework diverges from conventional intrusion detection systems(IDS)by employing this dual-layered mechanism that exploits the temporal continuity and spatial feature within network data streams,a methodological innovation that enhances detection accuracy.In conjunction with this,we introduce the PreIoT dataset,a compilation of prevalent IoT network behaviors,to train and evaluate IDS models with a focus on identifying potential intrusion traffics.The effectiveness of proposed scheme is demonstrated through testing,wherein it achieved an average accuracy of 99.90%on the N-BaIoT dataset as well as on the PreIoT dataset and 94.45% on UNSW-NB15 dataset.The outcomes of this research reveal the potential of ResNeSt-biGRU to bolster security measures,diminish intrusion-related vulnerabilities,and preserve the overall security of IoT ecosystems.

    KEYWORDS Internet of Things;cyberattack;intrusion detection;internet security

    1 Introduction

    The ubiquitous deployment,smart capabilities,and interconnected nature of the Internet of Things,augmented by rapid advancements in optical transport networks[1,2],have led to IoT devices becoming integral in various sectors,including those utilized by end-users[3],terminal manufacturers[4] and developers [5].However,the expansive growth of IoT has introduced significant threats,resulting in numerous security intrusion events in IoT.Threats range from spoofing attacks,denial of service(DoS)attacks,distributed DoS(DDoS)attacks,jamming,eavesdropping,and malware[6,7].Such intrusions can result in severe outcomes,including information leakage,fraudulent charging,malicious advertising inserts,and even loss of control over the server[8,9].Information security threats related to IoT devices have ramifications that surpass the confines of individual devices or localized networks,profoundly influencing the larger digital ecosystem,which includes not only interconnected IoT appliances but also websites,servers,and cloud-based services[10].So,the security of IoT is of great significance for the reliable and stable operation of the entire Internet and needs to be addressed urgently.

    To fortify the security of IoT,IDS is commonly employed in IoT.As the primary defense mechanism for IoT security[11,12],IDS monitors network attacks[13],recognizes intrusion traffic,and generates management reports[14].IDS ensures the confidentiality,integrity,availability,security,and privacy of IoT traffic [15,16].The accuracy of detection largely dictates the efficacy of an IDS;insufficient accuracy compromises the system’s ability to prevent intrusions effectively.

    To enhance detection accuracy and recognize potential intrusion traffic,this paper proposes ResNeSt-biGRU,an intrusion detection framework that combines ResNeSt and biGRU.The proposed scheme addresses two issues:(1)improving detection accuracy,which is vital for the practical application of the model;and (2) identifying potential intrusion traffic to preemptively combat intrusions.Considering that intrusions often commence with an“information collection”phase where early-stage traffic is non-damaging,we introduce the PreIoT dataset to encapsulate traffic from this preliminary phase.To examine the effectiveness of our proposed scheme,we have compared it against various algorithms that were recently presented in the literature,utilizing N-BaIoT and PreIoT datasets.Our experiments demonstrate that the results from ResNeSt-biGRU are comparable to those of other research efforts on the N-BaIoT dataset;it also surpasses the performance of these alternative models when evaluated on the PreIoT dataset.The main contributions of this paper can be summarized as follows:

    1.Enhanced detection rate.By integrating the advantages of ResNeSt and biGRU,our model adeptly extracts both the temporal and spatial feature map of traffic to improve detection accuracy.

    2.Detection of potential attacks:Employing the PreIoT dataset,the ResNeSt-biGRU framework demonstrates the ability to recognize both potential threats.

    The structure of this paper is as follows:Section 2 shows the related works;Section 3 introduces the related knowledge of the intrusion detection model of IoT;the model is illustrated in Section 4;Section 5 presents the experiment and makes an analysis of the results;in the end,a summary of the whole paper in Section 6.

    2 Related Work

    A review of recent work is presented in this section.Research has concentrated on machine learning-based and hybrid algorithm-based intrusion detection models in IoT networks.

    Machine learning-based solutions have been a focus for classification in IoT intrusion detection research work.Hussain et al.[17]proposed a Residual Network(ResNet)to detect DoS and DDoS intrusion traffic in IoT networks.They achieved an accuracy score of 99.99%on the CICDDoS2019[18] dataset,though their scheme required extensive preprocessing to convert data into pictures.Almiani et al.[19]designed a multi-layer recurrent neural network(RNN)for IoT.This scheme had high sensitivity on the NSL-KDD [20] dataset to DoS attack,with a 98.27% detection rate to DoS attack but gained an overall accuracy score of 92.18%.Saurabh et al.[21]proposed a semi-supervised Deep Learning approach,which utilized Semi-supervised Generative Adversarial Networks(SGAN)for IoT botnet detection on the N-BaIoT dataset.It should be noted,however,that inaccuracies in the labeled data could affect models learning patterns.Okur et al.[22] examined 23 different machine learning models on the N-BaIoT regarding detection accuracy,such as Naive Bayes,Logistic,Hoeffding Tree,Random Forest,Random Tree,and so on.The Random Forest model demonstrated the highest correct detection rate at 99.92%.

    Hybrid intrusion detection models combining multiple algorithmic approaches can often improve performance by leveraging the strengths of different algorithms,effectively reducing false positive rates and enhancing detection accuracy [23].Saba et al.[24] proposed an integrated classifier combining a Support Vector Machine and a Decision Tree for IoT intrusion detection.They used a bootstrap aggregating approach to merge the two classifiers,obtaining an accuracy of 99.8%on the NSL-KDD dataset [20].However,the NSL-KDD dataset is not specifically focused on IoT intrusion traffic.Cao et al.[25]put forward an IoT intrusion detection framework based on a Convolutional Neural Network(CNN)and Gate Recurrent Unit(GRU).They addressed the imbalance of positive and negative samples in the original dataset with a hybrid sampling algorithm.The scheme was assessed using the UNSW_NB15[26],NSL-KDD[20],and CIC-IDS2017[27]datasets,with a classification accuracy of 86.25%,99.69%,99.65%,respectively,illustrating improvements in classification accuracy and class balance.Javeed et al.[28] introduced a deep-learning Software Defined Network-enabled intelligent framework and a hybrid classifier,Long Short-Term Memory(LSTM)-GRU and Bidirectional LSTM(Cu-LSTMGRU+Cu-BLSTM).The proposed model achieved a high detection accuracy with low false-positive rate on N-BaIoT datasets [29].Liu et al.[30] presented the combination of CNN and LSTM model,CNN-LSTM for IoT intrusion detection.Their study confirmed that the cascading CNN and LSTM model methods were more stable than the separate CNN and LSTM methods,achieving a 99.98% dichotomous classification accuracy rate on the N-BaIoT dataset.A summary table comparing methods for IoT intrusion detection is given in Table 1.

    Table 1: Comparison of methods for IoT intrusion detection

    3 Preliminaries

    In this section,some background of ResNeSt and GRU network will be reviewed before detailing ResNeSt-biGRU construction.

    3.1 ResNeSt

    ResNeSt [31] is a Convolutional Neural Network and an extension of ResNet [32].It aims to enhance the network’s expressive power and optimize its performance across various visual tasks.ResNeSt introduces ‘Split-Attention’blocks to the ResNet architecture,providing an efficient and powerful feature extraction and representation mechanism.This modification enables ResNeSt to deliver high-precision performance across various computer vision tasks,particularly those involving a large number of categories and complex scenarios.The performance of ResNeSt has been proved to often surpass those of the original ResNet model and other variants such as Selective Kernel Network(SKNet),Squeeze-and-Excitation Network(SENet),etc.At present,the downstream work in the field of computer vision (such as object detection and image segmentation) still chooses ResNet as the backbone network[33].ResNeSt model uses the foundational building blocks of the ResNet model,thus allowing seamless integration into many existing downstream applications[31].

    3.2 The Bidirectional GRU

    GRU[34]is a special version of RNN.LSTM and GRU are the most Common RNNs.GRU is a variant of LSTM.GRU model is simpler and faster to compute,which can save a significant amount of time,especially when a dataset is large [35].In traditional RNNs,information flows only in one direction,from the past to the future.BiGRU comprises two one-way GRU layers:One layer processes the sequence from start to end,while the other processes it from end to start.That is,biGRU enables information to traverse in both directions,allowing them to handle not only past information but also future information.This bidirectional capability makes GRUs particularly effective and powerful in processing sequential data.

    3.3 Detection Model

    Combining with the ResNeSt and the biGRU,this paper presents a hybrid algorithm-based intrusion detection model.It is important to note that both the ResNeSt and biGRU are feasible for IoT intrusion detection.Furthermore,the proposed model not only has a formidable capacity for feature extraction but also holds significant potential,providing robust support for future research.The specific feasibility analysis is as follows:

    1.The same goal.ResNeSt,biGRU,and IoT intrusion detection models share a common goal,which is to make classifications.The primary function of ResNeSt and biGRU are commonly used for classification.The goal of deploying an IoT intrusion detection model is to detect attack traffic flows and distinguish attack traffic flows from normal traffic flows.

    2.Consistent input formats.During the data preprocessing stage,different types of data are standardized and uniformly converted into tensor formats that are suitable for neural networks,enabling subsequent training.

    3.Intrusion traffic can be viewed as a sequence.For example,in the context of intrusion detection,an individual traffic flow may be benign,but a pattern of similar flows could indicate a coordinated attack.Without considering context,intrusion detection models may suffer from low accuracy and high false positive rates.

    4 The Proposed Model

    In this section,our proposed detection model will be demonstrated in detail.The overall detection process is shown in Fig.1:Firstly,the raw dataset transformed is processed through some steps such as standardization and feature selection.The processed dataset is then wrapped appropriately for use with the model.Afterward,the ResNeSt-biGRU model is trained and tested.Finally,two fully connected layers and an active layer are used to complete the classification task.

    Figure 1: Detection model architecture

    Define 1.The entity state is defined as:

    whereSstate0represents the raw traffic dataset of IoT.S1={s1,s2,...,sn},n∈N?andsirepresent the features of traffic flow.

    Define 2.The categories of IoT traffic are defined as:

    whereNTrepresents normal traffic of IoT,andITirepresents various intrusion traffic types of IoT.The relationship betweenNTandITiis as follows:

    Since the cost of the detector is related to the size ofSstate0,reasonable actions are taken to generate entity state flow to reduce computational complexity.

    Define 3.The state transition of traffic flow is defined as:

    There are two state transitions:Sstate0→Sstate1andSstate1→Sstate2.The raw dataset is transformed into the processed dataset afterSstate0→Sstate1.The state transitionSstate1→Sstate2involves converting the dataset into a format suitable for the model.Sstate2represents the final output,which is then used in the subsequent ResNeSt-biGRU stage.

    4.1 Traffic Preprocessing

    The first state transition,Sstate0→Sstate1,includes Z-score Normalization and Random Forest.The data in each column from the raw dataset exhibits significant dispersion and covers a wide numerical range,which may lead to troubles,such as long training time,inability to converge,and low accuracy.Then,Z-score normalization is used to address the issue of the numerical span.Another problem of the raw dataset is a redundancy of features,accordingly,opting for a Random Forest for feature selection.Models with fewer features will be improved in time consumption and as well as in accuracy.The transformation applied to the dataset is portrayed in Fig.2.Originally,the maximum difference in data values reached about 1,000,000,000.However,following the data processing—which included normalization and feature selection—this difference was reduced to a scale of approximately 4,and many irrelevant features were removed.

    Figure 2: Changes in datasets from Sstate0 →Sstate1

    The last state transition,Sstate1→Sstate2,is encapsulating dataset because the neural network exclusively accepts input in a Specified format.The Torch.utils.data.TensorDataset and Torch.utils.data.DataLoader functions are used to convert the dataset into an acceptable format for the model.Initially,the features and class of the training set are separated into two different files.Then,convert the two files into tensor format,respectively.It is noteworthy that PyTorch defaults to use 32-bit float (single-precision) tensors for training due to their balance between precision and memory usage,whereas 16-bit float tensors may lose precision and 64-bit float tensors,despite offering little accuracy improvement,consume considerably more memory.Subsequently,the Torch.utils.data.The TensorDataset function is used to combine the feature tensors and label tensors into a single dataset.At long last,torch.utils.data.DataLoader is responsible for setting values of the batch size,whether to shuffle the dataset,and the memory size of the results obtained in the previous step.The whole preprocessing algorithm is shown in Algorithm 1.

    4.2 ResNeSt-biGRU

    The main inspiration of the ResNeSt-biGRU algorithm originates from various time-influenced and spatially bound objects and phenomena in the material world.For example,humans,and animals,among others,are all influenced by time and space,occupying specific locations in the physical world and existing over a certain period.For instance,considering tree growth:

    1.Trees rely on roots in the soil to absorb nutrients and utilize components like leaves,stems,and other structures to carry out processes such as photosynthesis,reproduction,and propagation.These tasks require physical space.

    2.Trees require time to mature and bear fruit.

    The growth and development of trees are influenced by the interaction of time and space,inspiring me to multidimensional feature extraction.Extracting features from both spatial and temporal dimensions carries a metaphorical similarity to understanding different aspects of data.First of all,the dataset itself has spatial and physical characteristics,which differentiate each data.The process of extracting useful data or information from the dataset naturally involves extracting features from space.Secondly,feature extraction from the time dimension considers the influence of the antecedent traffic and the subsequent traffic.In the ResNeSt-biGRU algorithm,ResNeSt is deployed to extract spatial feature maps,and biGRU is employed to extract temporal feature maps.This combination allows for an enriched representation of information from the original data,enhancing the expressiveness of the original data.Specifically,ResNeSt-biGRU enhances IoT traffic feature extraction by:

    1.Utilizing Split-Attention block in ResNeSt for superior spatial feature discernment.

    2.Leveraging biGRU’s ability to integrate temporal context,considering both antecedent and subsequent IoT traffic in its analysis.

    First,in the spatial dimension,the importance of the Split-Attention block and shortcut connection is emphasized,as Fig.3 shows.Split-Attention block is a core computational unit.This structure consists of group convolution and a channel-wise soft attention mechanism.The IoT traffic is divided into different groups,allowing for feature learning independently across different feature maps.Group convolution is grouping input IoT traffic by channel dimension twice:cardinalityandradix.Thecardinalityk,k∈(1,2,...,K)is the number of groups in the grouped convolution andradixr,r∈(1,R)is the branches within eachcardinalitykgroup that will individually undergo convolution(con).

    Figure 3: ResNeSt architecture

    These separate branches then undergo global average pooling (GP) to capture the holistic information present before proceeding through a sequence of dense,batch normalization (BN) and fully connected(FC)layers.This sequence enables the model to learn the feature map.Subsequently,the softmax function calculates the attention weight for the R feature maps to strengthen the feature representation ability.The resulting weights from softmax indicate the significance of each feature group,which in turn informs the model of the prioritized features for the given task.The final stage involves fusing the soft assignment weights with the corresponding feature map,followed by concatenating these weighted results along the channel dimension and combining them with the shortcut connection.This fusion is mathematically executed as outlined in Eqs.(5)and(6).

    Second,in the temporal dimension,ResNeSt-biGRU focuses on the relationship between the previous time,the current time,and the subsequent time.As visualized in Fig.4,a GRU cell,which is employed as the primary functional unit,applies a gating mechanism to discern pertinent data for retention from that which should be excluded from IoT traffic.

    Figure 4: GRU cell

    Update gate(zt)regulates how much previous state information is retained.A value approaching 1 directs the model to preserve more of the former hidden state,mitigating the vanishing gradient issue by carrying forward past information.Conversely,a value near 0 induces greater forgetfulness.Reset gate(rt)influencing the extent to which the model should forget previous state information,allowing for the discarding of irrelevant data.As the value approaches 0,the network forgets more information from the previous state information.Candidate hidden stateblends current input with past state details of past candidate hidden state,tempered by tanh non-linearity,thereby managing gradients and enriching model expressivity.Current hidden state(ht),is a weighted sum of the hidden state at the previous hidden state and the current candidate hidden state,modulated by the update gate.The interactions of the update gate,reset gate,candidate hidden state,and current candidate hidden state are numerically formulated in Eqs.(7)–(10),respectively.

    whereWzh,Wzx,Wrh,Wrx,Whh,Whxare weight matrix.t-1,tstand for the previous moment and current moment,respectively.The operator ⊙represents Hadamard product.σis a sigmoid active function.

    As depicted in Fig.5,biGRU comprises four distinct layers: Input layer,forward propagation layer,reverse propagation layer,and output layer.The forward layer processes the data in sequence—from the inaugural to the final time step—preserving past data influences and producing a forward hidden statehft.Conversely,the reverse propagation layer begins with the sequence’s final time step,progressing inversely to retain future data implications,generating a backward hidden statehbt.At each sequential step,dual hidden states are generated: One from the forward propagation layer and another from the reverse.As Eq.(11) shows,the corresponding states are typically combined,such as through concatenation,ensuring each temporal output integrates preceding and subsequent information.

    Figure 5: BiGRU architecture

    Finally,two fully connected layers and a Rectified Linear Unit (ReLU) activation function are implemented.The fully connected layers map the feature vectors,extracted by ResNeSt-biGRU,to the label value.Afterward,the activation function classifies based on the probabilities assigned to each node in the output generated by the fully connected layer.The ReLU activation function,the mathematical form of which is specified in Eq.(12),features simple computation and rapid execution.With inputs greater than 0,the derivative of the input remains constant at 1,which effectively prevents the gradient from diminishing,thereby mitigating the issue of gradient vanishing to some degree[36].Algorithm 2 shows the flow of the ResNeSt-biGRU algorithm.

    5 Experiment and Analysis of the Proposed Scheme

    In this section,some experiments are conducted to evaluate the performance of the proposed ResNeSt-biGRU.

    5.1 Datasets

    Two datasets are used to validate the model:The N-BaIoT and the PreIoT dataset.The N-BaIoT dataset is well-known in IoT intrusion detection.The PreIoT dataset is captured using Wireshark.

    5.1.1 N-BaIoT

    The dataset comprises traffic from 9 different IoT devices,recording both normal and botnet traffic.Table 2 details the amount of traffic for each set.

    Table 2: The traffic selection from the N-BaIoT dataset

    5.1.2 PreIoT

    The PreIoT dataset is collected by the Wireshark tool from a total of four IoT devices,including a rice cooker,printer,smart switch (controlling devices like a projector,a curtain lift in a computer classroom),and a camera.The PreIoT traffic is categorized into four types:Normal traffic(BenTra),sensitive directory scanning(SenTra),sniffing hosts or services(SniTra),and botnet traffic(BonTra).Sniffing hosts or services and sensitive directory scanning are the prevalent techniques for information gathering.

    Over the span of one hour,a total of 2,916,560 traffic flows were collected using the Wireshark tool.From these captured data,41 features are extracted using the Tshark tool from the original pcapng(Packet Capture Next Generation)format file.Table 3 shows the traffic numbers of each set.

    Table 3: The traffic selection from the PreIoT dataset

    5.1.3 UNSW-NB15

    The original UNSW-NB15 dataset consists of a hybrid of real modern normal activities and synthetic contemporary attack behaviors.It covers nine attack types,with each instance comprising 47 feature attributes and a single label attribute.Considering the challenges in comparisons,primarily binary or selective type classification,we have tailored our comparative dataset to align with the attack types used in the most recent relevant study[37].Consistent with work[37],our dataset includes five categories:Normal traffic along with four attack traffic types.Among these four categories of attacks,Dos and Reconnaissance represent more prevalent attacks,while Shellcode and Worms are indicative of the rarer attacks.The specifics of the dataset utilized in our study are delineated in the Table 4 below.

    Table 4: The traffic selection from the UNSW-NB15 dataset

    5.2 Evaluation Method

    To evaluate the effectiveness of the method objectively from multiple perspectives,four evaluation indicators are employed in this paper,which are accuracy,precision,recall,and F1 score.

    In binary classification,accuracy (acc) represents the proportion of records in the total sample where the model’s classification results match the true labels.Precision(pre)signifies the probability of correctly predicting intrusion instances among all samples predicted as an intrusion.Recall indicates the probability of correctly predicting intrusion instances among all true intrusion samples.The F1 score is used to calculate the Harmonic mean of precision and recall.The False Positive Rate(FPR)is the proportion of incorrect intrusion traffic predictions out of all the actual benign traffic.The calculation formula of accuracy (acc),precision (pre),recall,and F1 score are shown in Eqs.(13)–(17),respectively.In multi-classification,taking PreIoT as an example,when calculating metrics for the BenTra class,the other three classes are considered collectively,and so forth.

    where TP,TN,FN,and FP represent true positives,true negatives,false negatives,and false positives,respectively.

    5.3 Experimental Results and Analysis

    5.3.1 Comparation 1:PreIoT dataset

    To demonstrate the effectiveness of the hybrid ResNeSt-biGRU scheme in improving detection accuracy,this paper conducts a comparative analysis,comparing it with its component architectures—ResNeSt and GRU—as well as with the enriched variant,biGRU.To ensure the fairness of the comparisons,identical training and testing datasets are utilized for each model.

    The PreIoT dataset categorizes network traffic into four types for more accurate identification of potential security threats,including,but not limited to,traffic associated with widely-used information gathering techniques such as sensitive directory scanning,which aims to discover potential vulnerabilities in network services or applications,and sniffing hosts or services,often malicious,intended to identify active hosts or services within the network,which could result in the collection of further detailed information.The early detection of such malicious activities is crucial as it often signifies the initial preparation work of potential security threats.Therefore,the capabilities provided by the PreIoT dataset in recognizing traffic related to information gathering are vital for defense systems,playing a significant role in defending against future security incidents,as well as providing proactive protection by analyzing and understanding patterns of attack.Table 5 shows the results on PreIoT.The ResNeSt model shows high performance,with a 98.35% accuracy rate,97.91% precision,98.44% recall,and 98.10%F1 value.GRU obtains an accuracy of 95.33%,precision of 94.72%,recall of 94.51%,and F1 value of 94.36%.BiGRU achieves higher accuracy than GRU at 95.60%,with corresponding precision,recall,and F1 values of 94.99%,94.96%,and 94.73%,respectively.The proposed scheme yielded the highest metrics of 99.90%accuracy,99.86%precision,99.90%recall,and 99.88%F1 value.

    Table 5: The experiment results on PreIoT

    Although the proposed model requires 180 s to process,it achieved an impressive accuracy rate of 99.90%.For the vast scope of IoT network traffic data,completing the training and testing of a 360,000-entry dataset within this timeframe is acceptable.Moreover,FAR is a critical metric in evaluating security system performance.High FPR not only triggers unnecessary alarms,affecting user trust and satisfaction,but also burdens system administrators with additional verification tasks.In environments with numerous IoT devices,this can be especially problematic.The proposed achives FPR of 0.11%,significantly lower than the others.

    The outstanding performance of the proposed scheme can be attributed to a thorough methodology that includes traffic preprocessing and model construction.The traffic preprocessing ensures the quality of the data,decreases computational complexity,avoids the risk of overfitting,and transforms the data to better suit the needs of the model.The model combines ResNeSt and BiGRU to significantly advance its ability to fit and represent underlying patterns.ResNeSt is capable of effectively extracting feature maps from traffic data through the use of convolution layers,pooling,and activation functions,employing Split-Attention mechanisms to capture diverse patterns in the data via nonlinear transformations.BiGRU,particularly suited for processing sequential data,enhances context comprehension by considering information in both forward and reverse directions.The combination of ResNeSt and biGRU within ResNeSt-biGRU,combining the strengths of the aforementioned models,facilitates the extraction of more diverse features,leading to improved model accuracy as Table 4 shows.This confirms the efficacy of integrating these two robust neural network architectures for the task of intrusion detection in IoT networks.

    Fig.6 offers the ResNeSt-biGRU confusion matrix.The “true_0”,“true_1”,“true_2”,and“true_3”represent BenTra,SenTra,SniTra,and BonTra,respectively.Corresponding predicted labels are “pred_0”,“pred_1”,“pred_2”,and “pred_3”.Out of 72,000 instances,71,925 instances of IoT traffic are correctly classified.It achieves 100% accuracy in BenTra and BonTra,99.62% accuracy in SenTra,and 99.99% accuracy in SniTra.Despite the model’s overall high precision,it shows a relative weakness in identifying SenTra,as 71 out of 75 misclassified instances pertain to SenTra;this indicates a challenge in differentiating it from BenTra due to variable directory paths with no apparent pattern,such as “/config.php”,“/FCKeditor/”,“/password.log”among others.In general,the proposed scheme demonstrates high predictive accuracy and shows promise for practical IoT security application deployment.

    Figure 6: The confusion matrix on the PreIoT dataset by ResNeSt-biGRU

    5.3.2 Comparation 2:N-BaIoT Dataset

    In this section,we conduct a comparative analysis of our proposal against four recent methodologies evaluated on the N-BaIoT dataset,a common comparison framework employed by most studies.

    Table 6 presents the results of the scheme proposed in this paper along with the methods described in references [21,22,28,30] as mentioned in the Related Work section.Reference [21] boasted an impressive accuracy of 99.88% through semi-supervised methods,yet the lack of precision,recall,and F1 score data limits a comprehensive evaluation.High accuracy indicates strong reliability,but without full performance metrics,methodological robustness cannot be fully ascertained.Reference[22] found that the Random Forest model had the best performance out of 23 different models,achieving a noteworthy accuracy of 99.92%.This can be attributed to its decision tree aggregation capabilities,which capture complex feature relationships effectively.Yet,as with the prior method,the absence of additional performance metrics constrains full evaluation.The recall of reference [28] is slightly lower than other metrics,indicating that some positive samples are misrecognized.Reference[30] showed optimal performance,with perfect precision,recall,and F1 value,but the accuracy is lower than this paper’s proposed scheme by 0.01%.This paper’s proposed scheme achieves marginally superior accuracy in these references at 99.99%,coupled with robust precision,recall,and F1 scores of 99.96%,99.98%,and 99.97%,respectively.This can be attributed to its effective combination of ResNeSt for robust spatial feature extraction and biGRU for proficient handling of sequential data.This combination allows the model to accurately identify complex patterns typical in IoT intrusion scenarios.

    Table 6: The experiment results on the N-BaIoT dataset

    The confusion matrix of ResNeSt-biGRU is displayed in Fig.7.Rows are labeled with predicted labels,while columns correspond to true labels.The“true_0”and“pred_0”represent normal traffic,while “true_1”and “true_1”represent botnet traffic.Out of 100,000 instances,99,989 instances of IoT traffic are correctly identified.For normal traffics,the model achieves an accuracy of 99.97%,with only 3 samples misclassified as botnet traffics.In the case of botnet traffics,the proposed scheme achieves an accuracy of 99.99%,with only 8 samples misclassified as normal traffics.affirming notably high-performance metrics of ResNeSt-biGRU and its capability to discriminate between normal and botnet traffic effectively.

    Figure 7: The confusion matrix on the N-BaIoT dataset by ResNeSt-biGRU

    5.3.3 Comparation 3:UNSW-NB15 Dataset

    Furthermore,we compare the performance of TMG-IDS [37] and MAGENTO [38],alongside the proposed scheme,on the imbalanced UNSW-NB15 dataset.Both TMG-IDS and MAGENTO are intrusion detection methods that have improved their performance by incorporating data augmentation in the preprocessing phase.The experimental outcomes are presented in Table 7.

    Table 7: The experiment results on the UNSW-NB15 dataset

    The findings highlight the F1 value is higher when the training samples are abundant but decreases when the sample size is reduced.For normal traffic conditions with approximately 56,000 real samples,TMG-IDS,MAGENTO,and the proposed scheme perform nearly identically,boasting precision rates over 99% and F1 scores above 97%.This result demonstrates that,with a sufficient number of training samples,all three models are capable of learning robust features of normal traffic and accurately applying these characteristics to predict new samples.In contrast,as the sample size contracts to roughly 12,000,a noticeable decrement in model performance is observed,as presented by the results from Dos and Reconnaissance attacks.Although the characteristics of Dos attacks and Reconnaissance traffic can be learned to some extent from a relatively smaller sample set,the models’generalization capabilities are affected as the number of samples decreases.The decline in model efficacy is most severe when addressing Worm attacks,where only about 120 real samples are available.The suggested model accurately ascertained a mere 32 of 50 instances,accentuating the quandary confronted by models in extrapolating from negligible datasets.However,under the conditions of Shellcode attack traffic,despite having only 1,200 real training samples,the proposed solution achieves an unexpectedly high F1 score of 98.14%.This surprising result may be due to the nature of Shellcode attacks,where the series of actions attackers take to gain the highest privileges after obtaining execution control of the shell are highly similar,exhibiting significant consistency in intrusion behavior.This consistent and distinctive characteristic allows for the creation of accurate detection models even with a limited number of samples through learning these clear attack pattern features.If the attack exhibits highly consistent and identifiable patterns,then excellent detection performance can be achieved through proper data processing and model design,even with a smaller sample size.

    6 Conclusion

    With the rising complexity and frequency of network attacks,IDS has become crucial for safeguarding computer networks and systems from unauthorized access and damage.In this paper,we introduce an IoT intrusion detection model based on ResNeSt and biGRU.This model leverages the spatial feature extraction capabilities of ResNeSt to discern valuable spatial features of IoT device data,while the biGRU component efficiently processes sequential data to analyze dependencies based on preceding and subsequent traffic.The incorporation of these technologies allows the proposed ResNeSt-biGRU model to significantly enhance the accuracy of abnormal traffic detection within IoT environments.Additionally,we present PreIoT,a dataset comprising traffic from the“information gathering”phase,which includes two prevalent types of network probes.Utilizing PreIoT,the model is positioned to monitor potential attacks proactively.Experimental results validate that our ResNeStbiGRU model surpasses existing detection methods on various standard IoT security datasets,exhibiting a notably high detection rate and a low false-positive rate on both PreIoT and N-BaIoT datasets.

    Currently,thresholds of some intrusion detection systems might depend too heavily on subjective assessment,which introduces variability and uncertainty.To overcome this issue,future research might concentrate on developing objective standardization of threshold determination,effectively diminishing the subjectivity and enhancing the dependability of the IDS feature selection.Moreover,to reduce the higher rate of false positives associated with particular types of attacks,such as SenTra of PreIoT,it would be important to refine the detection algorithms.Enhancing these algorithms will ensure they are adaptable to discern varying traffic patterns and minimize instances of false positives.

    Acknowledgement:The authors thank everyone who helped during the research and preparation of the article.

    Funding Statement:This research was funded by the National Natural Science Foundation of China(No.61662004).

    Author Contributions:The authors confirm contribution to the paper as follows: Study conception and design:Yan Xiang,Daofeng Li;data collection:Yan Xiang;analysis and interpretation of results:Yan Xiang,Xinyi Meng,Chengfeng Dong,Guanglin Qin;draft manuscript preparation:Yan Xiang,Daofeng Li.All authors reviewed the results and approved the final version of the manuscript.

    Availability of Data and Materials:The PreIoT is shared at https://github.com/Magret-n/IoTPreDataset.

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

    亚洲美女视频黄频| 日韩欧美一区视频在线观看| 看免费成人av毛片| 欧美日韩成人在线一区二区| 一边亲一边摸免费视频| 春色校园在线视频观看| 亚洲人成网站在线播| 欧美老熟妇乱子伦牲交| 精品人妻偷拍中文字幕| 色婷婷av一区二区三区视频| 日韩大片免费观看网站| av播播在线观看一区| 国产成人一区二区在线| 看免费成人av毛片| 亚洲国产日韩一区二区| 高清在线视频一区二区三区| 99热6这里只有精品| 丰满饥渴人妻一区二区三| 校园人妻丝袜中文字幕| 国产免费一区二区三区四区乱码| 99久久精品国产国产毛片| 国产黄色视频一区二区在线观看| 人妻系列 视频| 久久久久久久国产电影| 亚洲精品国产av蜜桃| 一级黄片播放器| 最近手机中文字幕大全| 国产片特级美女逼逼视频| 日本欧美国产在线视频| 少妇人妻精品综合一区二区| 晚上一个人看的免费电影| 久久精品国产鲁丝片午夜精品| 国产乱人偷精品视频| 夜夜爽夜夜爽视频| 久热这里只有精品99| 国产精品99久久久久久久久| 国产白丝娇喘喷水9色精品| 全区人妻精品视频| 久久久久久久久久久久大奶| 欧美精品一区二区免费开放| 国产伦精品一区二区三区视频9| 久久久久视频综合| 亚洲欧洲精品一区二区精品久久久 | 久久午夜综合久久蜜桃| 中文字幕最新亚洲高清| 天美传媒精品一区二区| 美女内射精品一级片tv| av在线老鸭窝| 久久毛片免费看一区二区三区| 精品酒店卫生间| 国产女主播在线喷水免费视频网站| 欧美精品一区二区免费开放| xxx大片免费视频| 少妇的逼好多水| av专区在线播放| 有码 亚洲区| 欧美变态另类bdsm刘玥| 超碰97精品在线观看| 亚洲av福利一区| 夜夜爽夜夜爽视频| 中文乱码字字幕精品一区二区三区| 亚洲av日韩在线播放| 国产成人freesex在线| 久久久欧美国产精品| 午夜福利影视在线免费观看| 亚洲av电影在线观看一区二区三区| 亚洲美女黄色视频免费看| 夫妻性生交免费视频一级片| a级片在线免费高清观看视频| 久久久精品区二区三区| 一区二区三区免费毛片| 久久午夜综合久久蜜桃| 99久久中文字幕三级久久日本| 22中文网久久字幕| 国产成人freesex在线| 亚洲性久久影院| 国产免费又黄又爽又色| 欧美日韩亚洲高清精品| 国产 精品1| 美女福利国产在线| 一级毛片电影观看| 国产成人91sexporn| 久久久午夜欧美精品| 插逼视频在线观看| 欧美激情国产日韩精品一区| 精品久久久噜噜| 成年av动漫网址| 国产精品99久久99久久久不卡 | 99久久中文字幕三级久久日本| 久久久欧美国产精品| 下体分泌物呈黄色| 中文字幕精品免费在线观看视频 | a级毛片免费高清观看在线播放| 制服诱惑二区| 久久99精品国语久久久| 最黄视频免费看| av福利片在线| 视频在线观看一区二区三区| 狠狠精品人妻久久久久久综合| 国产成人免费无遮挡视频| 免费av中文字幕在线| 最近2019中文字幕mv第一页| 女性生殖器流出的白浆| 精品人妻在线不人妻| 三上悠亚av全集在线观看| 三上悠亚av全集在线观看| 国产亚洲精品第一综合不卡 | 男女高潮啪啪啪动态图| 日韩中字成人| 日韩av在线免费看完整版不卡| 亚洲精品亚洲一区二区| 成人毛片a级毛片在线播放| 免费人成在线观看视频色| 在线观看www视频免费| 亚洲五月色婷婷综合| 欧美日韩av久久| 我要看黄色一级片免费的| 丝袜美足系列| videossex国产| 人妻人人澡人人爽人人| 国产免费视频播放在线视频| 久久人人爽av亚洲精品天堂| 国产成人91sexporn| 免费观看a级毛片全部| 天堂中文最新版在线下载| 人人妻人人澡人人爽人人夜夜| 精品久久久精品久久久| 国产一区二区在线观看av| 久久精品久久久久久噜噜老黄| 亚洲天堂av无毛| 2022亚洲国产成人精品| 国产成人精品无人区| 国产精品久久久久久久电影| videosex国产| 免费高清在线观看日韩| 乱人伦中国视频| 伊人久久国产一区二区| 免费看不卡的av| 国产在线免费精品| 国产成人精品福利久久| 国产精品久久久久久久电影| 午夜视频国产福利| 日本欧美视频一区| 欧美日韩av久久| 婷婷色av中文字幕| 亚洲图色成人| 亚洲精品av麻豆狂野| 日本av手机在线免费观看| 国产精品嫩草影院av在线观看| 一本大道久久a久久精品| 九色亚洲精品在线播放| 夫妻午夜视频| 我的女老师完整版在线观看| 国产欧美日韩综合在线一区二区| 99久久中文字幕三级久久日本| 18禁在线播放成人免费| 一级毛片电影观看| 有码 亚洲区| 大片电影免费在线观看免费| 色哟哟·www| 美女xxoo啪啪120秒动态图| 高清av免费在线| 黄色怎么调成土黄色| 亚洲av免费高清在线观看| 国产欧美日韩一区二区三区在线 | 尾随美女入室| 国产高清不卡午夜福利| 国产白丝娇喘喷水9色精品| 国产成人一区二区在线| 国产在线视频一区二区| 91久久精品电影网| 精品久久久久久久久亚洲| 久久99蜜桃精品久久| 亚洲欧美一区二区三区黑人 | 777米奇影视久久| 如日韩欧美国产精品一区二区三区 | 一二三四中文在线观看免费高清| 91精品国产国语对白视频| 最近手机中文字幕大全| 欧美日韩av久久| 99热这里只有是精品在线观看| 91精品国产九色| 国产欧美日韩一区二区三区在线 | 亚洲激情五月婷婷啪啪| 久久久午夜欧美精品| av在线观看视频网站免费| 天天躁夜夜躁狠狠久久av| 日产精品乱码卡一卡2卡三| 亚洲精品日韩在线中文字幕| 91国产中文字幕| 日本色播在线视频| 最新中文字幕久久久久| 极品人妻少妇av视频| 在线观看三级黄色| 国产亚洲午夜精品一区二区久久| 精品一区在线观看国产| 久久97久久精品| 狠狠婷婷综合久久久久久88av| 久久精品国产亚洲网站| 国精品久久久久久国模美| 制服人妻中文乱码| 各种免费的搞黄视频| 美女xxoo啪啪120秒动态图| 高清欧美精品videossex| 亚洲综合精品二区| 最近的中文字幕免费完整| 国产亚洲精品第一综合不卡 | 久久精品国产a三级三级三级| 亚洲五月色婷婷综合| 99热这里只有是精品在线观看| 嘟嘟电影网在线观看| 又黄又爽又刺激的免费视频.| 日本黄色日本黄色录像| 22中文网久久字幕| 中文天堂在线官网| 欧美精品人与动牲交sv欧美| 在线观看免费日韩欧美大片 | 亚洲精品日本国产第一区| 久久久午夜欧美精品| 大香蕉久久成人网| 亚洲欧洲日产国产| 国产精品久久久久久av不卡| 欧美xxxx性猛交bbbb| 日本黄色片子视频| 久久这里有精品视频免费| 人妻制服诱惑在线中文字幕| 免费高清在线观看日韩| 哪个播放器可以免费观看大片| av又黄又爽大尺度在线免费看| 校园人妻丝袜中文字幕| 欧美日韩精品成人综合77777| 天天躁夜夜躁狠狠久久av| av播播在线观看一区| 欧美日韩一区二区视频在线观看视频在线| 99国产综合亚洲精品| 国产精品一国产av| 精品久久久久久久久av| 嫩草影院入口| av电影中文网址| 国产精品熟女久久久久浪| 99热全是精品| 久久久久久久久久久丰满| 亚洲精华国产精华液的使用体验| 在线天堂最新版资源| 国产 一区精品| 国产亚洲午夜精品一区二区久久| 一区二区三区免费毛片| 能在线免费看毛片的网站| 中文字幕精品免费在线观看视频 | 久久久久久久精品精品| 久久韩国三级中文字幕| 国产精品熟女久久久久浪| 晚上一个人看的免费电影| 国产精品国产av在线观看| 精品熟女少妇av免费看| 欧美日韩综合久久久久久| 久久久国产精品麻豆| 天堂中文最新版在线下载| 人人妻人人澡人人看| 亚洲情色 制服丝袜| 五月天丁香电影| 天堂俺去俺来也www色官网| 九九爱精品视频在线观看| 国产一区二区三区综合在线观看 | 99re6热这里在线精品视频| 久久精品人人爽人人爽视色| 国产高清不卡午夜福利| 成人毛片a级毛片在线播放| 五月伊人婷婷丁香| 日本爱情动作片www.在线观看| 水蜜桃什么品种好| av在线老鸭窝| 成人午夜精彩视频在线观看| 十八禁网站网址无遮挡| 男女边摸边吃奶| 少妇人妻久久综合中文| 亚洲av电影在线观看一区二区三区| 国产精品久久久久久av不卡| 18禁动态无遮挡网站| 国产成人一区二区在线| 黄片无遮挡物在线观看| 九色成人免费人妻av| 多毛熟女@视频| 99久久精品国产国产毛片| 飞空精品影院首页| 日韩电影二区| 国产精品一区二区在线观看99| 亚洲美女黄色视频免费看| 高清av免费在线| 黄色毛片三级朝国网站| 美女福利国产在线| 久久午夜福利片| 99热这里只有是精品在线观看| 天天影视国产精品| 日本-黄色视频高清免费观看| 国产成人精品久久久久久| 亚洲天堂av无毛| 男女高潮啪啪啪动态图| 国产精品熟女久久久久浪| 黑人巨大精品欧美一区二区蜜桃 | 美女中出高潮动态图| 国产精品一区二区三区四区免费观看| 九草在线视频观看| 3wmmmm亚洲av在线观看| 国产欧美另类精品又又久久亚洲欧美| 亚洲内射少妇av| 高清不卡的av网站| 久久久久精品性色| 日日啪夜夜爽| 高清视频免费观看一区二区| 欧美三级亚洲精品| 午夜日本视频在线| 久久久久久伊人网av| 性色avwww在线观看| 18禁动态无遮挡网站| 黄色欧美视频在线观看| 80岁老熟妇乱子伦牲交| 大陆偷拍与自拍| 国产精品 国内视频| 一级a做视频免费观看| 亚洲人与动物交配视频| 91成人精品电影| av视频免费观看在线观看| 久久亚洲国产成人精品v| 人体艺术视频欧美日本| 少妇被粗大猛烈的视频| 99久久中文字幕三级久久日本| 寂寞人妻少妇视频99o| 久久久久久久久久成人| 国产免费福利视频在线观看| 欧美日韩视频精品一区| 校园人妻丝袜中文字幕| 久久久久久人妻| 美女脱内裤让男人舔精品视频| 草草在线视频免费看| 成人国语在线视频| 久久韩国三级中文字幕| 自线自在国产av| 欧美日韩综合久久久久久| 亚洲国产精品专区欧美| 国产高清有码在线观看视频| 另类精品久久| 国产精品人妻久久久久久| 日产精品乱码卡一卡2卡三| 9色porny在线观看| 国产爽快片一区二区三区| 亚洲经典国产精华液单| 亚洲熟女精品中文字幕| 国产国拍精品亚洲av在线观看| 夜夜骑夜夜射夜夜干| 一个人免费看片子| .国产精品久久| 69精品国产乱码久久久| 精品卡一卡二卡四卡免费| 国产高清三级在线| 22中文网久久字幕| 一级毛片电影观看| 91久久精品国产一区二区成人| 伦理电影免费视频| av国产精品久久久久影院| 99热这里只有精品一区| 女性生殖器流出的白浆| 成人国产麻豆网| 欧美另类一区| 夜夜骑夜夜射夜夜干| 一级爰片在线观看| 人成视频在线观看免费观看| 亚洲内射少妇av| 亚洲人与动物交配视频| 亚洲精品一二三| 日本av免费视频播放| 一区二区三区四区激情视频| 亚洲精品乱码久久久v下载方式| 精品酒店卫生间| 亚洲精品乱码久久久久久按摩| 一级毛片电影观看| 日韩一区二区三区影片| 久久久久久久亚洲中文字幕| 九九在线视频观看精品| 亚州av有码| 女性被躁到高潮视频| 午夜影院在线不卡| 国产女主播在线喷水免费视频网站| 精品久久蜜臀av无| 亚洲四区av| 一级毛片aaaaaa免费看小| 欧美精品一区二区大全| 在线观看三级黄色| 男人爽女人下面视频在线观看| 精品一品国产午夜福利视频| 日韩av在线免费看完整版不卡| 在线观看国产h片| 婷婷色av中文字幕| 国产在线免费精品| 日韩制服骚丝袜av| 午夜老司机福利剧场| 精品亚洲成国产av| 亚洲av日韩在线播放| 一级a做视频免费观看| 少妇人妻精品综合一区二区| 欧美激情 高清一区二区三区| 亚洲av国产av综合av卡| 97在线视频观看| 丝袜脚勾引网站| 亚洲无线观看免费| 国产精品秋霞免费鲁丝片| 大香蕉97超碰在线| 国产亚洲一区二区精品| 丁香六月天网| 插逼视频在线观看| 大码成人一级视频| 亚洲av综合色区一区| 日本免费在线观看一区| 久久影院123| 啦啦啦啦在线视频资源| 免费大片黄手机在线观看| 成人国产av品久久久| 自线自在国产av| 国产精品一区二区三区四区免费观看| 一区二区三区精品91| 日韩成人av中文字幕在线观看| 内地一区二区视频在线| 伊人亚洲综合成人网| 亚洲精品av麻豆狂野| 51国产日韩欧美| 成人综合一区亚洲| 如日韩欧美国产精品一区二区三区 | 亚洲综合色惰| 99九九在线精品视频| 丝袜喷水一区| av播播在线观看一区| 春色校园在线视频观看| 日韩成人伦理影院| 日韩精品有码人妻一区| av国产精品久久久久影院| 国产一区有黄有色的免费视频| 亚洲国产精品一区二区三区在线| 男女国产视频网站| 国产精品久久久久久久久免| 十八禁网站网址无遮挡| 国产淫语在线视频| 交换朋友夫妻互换小说| 人人澡人人妻人| 美女国产高潮福利片在线看| 久热这里只有精品99| 国产精品偷伦视频观看了| 一本大道久久a久久精品| 秋霞伦理黄片| 亚洲av.av天堂| 一本一本综合久久| 涩涩av久久男人的天堂| 国产免费现黄频在线看| 九色成人免费人妻av| 欧美 日韩 精品 国产| 啦啦啦中文免费视频观看日本| 精品亚洲成国产av| 超色免费av| 精品少妇内射三级| 秋霞伦理黄片| 精品国产一区二区久久| 一级毛片电影观看| 天堂俺去俺来也www色官网| 亚洲美女搞黄在线观看| 寂寞人妻少妇视频99o| 日韩强制内射视频| 精品99又大又爽又粗少妇毛片| 天堂中文最新版在线下载| 丰满迷人的少妇在线观看| 国产爽快片一区二区三区| 中文天堂在线官网| 国产成人免费无遮挡视频| 欧美一级a爱片免费观看看| 国产精品国产三级专区第一集| 男男h啪啪无遮挡| 少妇的逼水好多| 色婷婷av一区二区三区视频| 成人二区视频| 欧美日韩综合久久久久久| 一级a做视频免费观看| 纯流量卡能插随身wifi吗| 亚洲精品aⅴ在线观看| 精品卡一卡二卡四卡免费| 少妇的逼水好多| 97超视频在线观看视频| 嘟嘟电影网在线观看| 亚洲精品视频女| 亚洲欧美清纯卡通| 日日摸夜夜添夜夜添av毛片| 一本色道久久久久久精品综合| 999精品在线视频| 91久久精品电影网| 午夜91福利影院| 国产一区二区三区综合在线观看 | 交换朋友夫妻互换小说| 久久97久久精品| 欧美精品高潮呻吟av久久| freevideosex欧美| 精品久久久精品久久久| 欧美人与善性xxx| 免费av中文字幕在线| 日日啪夜夜爽| 欧美人与性动交α欧美精品济南到 | 五月玫瑰六月丁香| 超碰97精品在线观看| 高清黄色对白视频在线免费看| 国产日韩一区二区三区精品不卡 | 欧美老熟妇乱子伦牲交| 少妇的逼好多水| 国产乱人偷精品视频| 日韩中字成人| 麻豆乱淫一区二区| 狠狠婷婷综合久久久久久88av| 人人澡人人妻人| h视频一区二区三区| 99热网站在线观看| 嘟嘟电影网在线观看| 交换朋友夫妻互换小说| 免费观看性生交大片5| 少妇的逼水好多| av又黄又爽大尺度在线免费看| 午夜精品国产一区二区电影| 黄片无遮挡物在线观看| 午夜激情av网站| 看十八女毛片水多多多| 丰满乱子伦码专区| 久久精品国产亚洲av天美| 日韩人妻高清精品专区| 美女福利国产在线| 日本黄色日本黄色录像| 成人影院久久| 午夜视频国产福利| 国产国拍精品亚洲av在线观看| 九九爱精品视频在线观看| 我的老师免费观看完整版| 少妇猛男粗大的猛烈进出视频| 亚洲无线观看免费| 一级a做视频免费观看| 国产一区有黄有色的免费视频| av福利片在线| 日本黄色片子视频| freevideosex欧美| 简卡轻食公司| 国产成人精品无人区| 丰满少妇做爰视频| 伦理电影大哥的女人| 国产日韩一区二区三区精品不卡 | 日韩成人伦理影院| 一级毛片电影观看| 两个人免费观看高清视频| 精品一区二区免费观看| 999精品在线视频| 2022亚洲国产成人精品| av电影中文网址| 亚洲经典国产精华液单| 色视频在线一区二区三区| 考比视频在线观看| 777米奇影视久久| 97在线人人人人妻| 一区在线观看完整版| 国产日韩欧美视频二区| 午夜福利网站1000一区二区三区| 91精品伊人久久大香线蕉| 人妻制服诱惑在线中文字幕| 青春草亚洲视频在线观看| 亚洲人成网站在线观看播放| 各种免费的搞黄视频| 三上悠亚av全集在线观看| 久久免费观看电影| 亚洲精品日本国产第一区| av.在线天堂| 日韩欧美精品免费久久| 久久女婷五月综合色啪小说| 制服人妻中文乱码| 国产免费又黄又爽又色| 菩萨蛮人人尽说江南好唐韦庄| a级毛色黄片| 亚洲av欧美aⅴ国产| 黄色视频在线播放观看不卡| 永久免费av网站大全| 午夜福利影视在线免费观看| 高清午夜精品一区二区三区| 亚洲精品国产av成人精品| 久久av网站| 搡老乐熟女国产| 国产午夜精品一二区理论片| 日本猛色少妇xxxxx猛交久久| 精品一区二区三区视频在线| 肉色欧美久久久久久久蜜桃| 热99国产精品久久久久久7| 女性生殖器流出的白浆| 国模一区二区三区四区视频| 久久久国产精品麻豆| 啦啦啦中文免费视频观看日本| 热99久久久久精品小说推荐| 国产男人的电影天堂91| 老熟女久久久| 欧美bdsm另类| 香蕉精品网在线| 如日韩欧美国产精品一区二区三区 | 卡戴珊不雅视频在线播放| 性高湖久久久久久久久免费观看| 亚洲,一卡二卡三卡| 成年人免费黄色播放视频| 一区二区三区四区激情视频| 五月开心婷婷网| 美女内射精品一级片tv| 亚洲av日韩在线播放| 中文乱码字字幕精品一区二区三区| 天堂中文最新版在线下载| 我要看黄色一级片免费的| 久久99一区二区三区| 简卡轻食公司| 日韩av不卡免费在线播放| 亚洲欧美日韩另类电影网站| 国产极品天堂在线|