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

    Dark-Forest:Analysis on the Behavior of Dark Web Traffic via DeepForest and PSO Algorithm

    2023-03-12 09:00:54XinTongChanglinZhangJingyaWangZhiyanZhaoandZhuoxianLiu

    Xin Tong,Changlin Zhang,Jingya Wang,Zhiyan Zhao and Zhuoxian Liu

    1People’s Public Security University of China,Beijing,100038,China

    2Henan Police College,Zhengzhou,450046,China

    ABSTRACT The dark web is a shadow area hidden in the depths of the Internet,which is difficult to access through common search engines.Because of its anonymity,the dark web has gradually become a hotbed for a variety of cyber-crimes.Although some research based on machine learning or deep learning has been shown to be effective in the task of analyzing dark web traffic in recent years, there are still pain points such as low accuracy, insufficient real-time performance, and limited application scenarios.Aiming at the difficulties faced by the existing automated dark web traffic analysis methods, a novel method named Dark-Forest to analyze the behavior of dark web traffic is proposed.In this method,firstly,particle swarm optimization algorithm is used to filter the redundant features of dark web traffic data,which can effectively shorten the training and inference time of the model to meet the realtime requirements of dark web detection task.Then,the selected features of traffic are analyzed and classified using the DeepForest model as a backbone classifier.The comparison experiment with the current mainstream methods shows that Dark-Forest takes into account the advantages of statistical machine learning and deep learning,and achieves an accuracy rate of 87.84%.This method not only outperforms baseline methods such as Random Forest,MLP,CNN,and the original DeepForest in both large-scale and small-scale dataset based learning tasks,but also can detect normal network traffic,tunnel network traffic and anonymous network traffic,which may close the gap between different network traffic analysis tasks.Thus,it has a wider application scenario and higher practical value.

    KEYWORDS Dark web;encrypted traffic;deep forest;particle swarm optimization

    1 Introduction

    In the 1960s, no one could have predicted that a small computer communication network for military use,called the ARPAnet[1],would be able to connect almost all the computers on the planet in the following decades and become the largest internet—Internet.By the end of 2021,there had been 4.95 billion Internet users worldwide,accounting for 62.5%of the world’s population[2].The Internet has become one of the most important mediums of daily communication and has a positive impact on people’s production and life.However,the websites that we can access through search engines such as Google only occupy a small part of the Internet, and more information is hidden in the depths of the Internet, and the dark web is a shadow area that cannot be illuminated by the sunlight.The dark web refers to a method that provides users with anonymous access to Internet information using technologies such as encrypted transmission, peer-to-peer networks, and relay obfuscation, and its most prominent feature is anonymity.Since everyone’s identity is invisible on the dark web,there is a large amount of private data,violence,pornography,criminal information and terrorism hidden in it.Additionally, it has become a haven for information theft, cyber-attacks, and ransomware, bringing new challenges for cyberspace security and public safety.Therefore, the analysis of dark web traffic has become one of the important research fields in cyberspace security.

    Unfortunately, the complexity of dark web traffic data poses challenges for automated analysis methods,specifically:

    (1) Packets of dark web traffic are always encrypted,so it is almost impossible for us to obtain the keys to decrypt the packets,which makes it hard to match appropriate feature engineering for this task as well.

    (2) The network data packets are mixed,so a captured packet cannot be reliably judged as normal traffic or dark web traffic, and which specific encryption method is used.A unified analysis framework is needed to handle different situations in real scenarios.

    (3) The scale of network traffic in daily life is large, and the related detection tasks require high real-time performance,so the detection may need to be done on edge devices such as gateways.This brings difficulties to feature extraction and analysis using large-scale deep learning models that need hardware acceleration.Therefore,how to explore efficient and reliable methods for dark web traffic detection has become a pain point in this field at present.

    To solve the above challenges, we propose a dark web behavior analysis model based on deep learning,called Dark-Forest.Specifically,the main contributions of this paper include:

    (1) A generic traffic behavior analysis method.In this paper, a model called Dark-Forest is proposed, which is able to describe Internet access behavior according to network traffic,whether normal traffic or dark web traffic.This model can close the gap between different network traffic analysis tasks.

    (2) Broader application scenarios and finer-grained analysis.Dark-Forest uses DeepForest [3] as the backbone classifier,which can accurately and automatically analyze the behavior of dark web traffic based on VPN and Tor technology without decrypting the packets.So it not only takes into account the advantages of traditional statistical machine learning methods in analyzing structured data, but also has the multi-layer representation ability similar to deep neural networks.Compared with the traditional detection models for a few types of encryption methods,Dark-Forest has a wider range of application scenarios.

    (3) Higher analysis efficiency.Considering the real-time requirements in the real network environment, the feature selection mechanism based on the particle swarm optimization (PSO)algorithm[4]is introduced,which can eliminate redundant features to a greater extent,reduce model training costs,and speed up its inference,while ensuring that the accuracy of detection is not negatively affected as much as possible.It makes it easier for Dark-Forest to be deployed to edge devices such as gateway and firewalls to realize the real-time analysis of dark web traffic data.

    Experiments based on the public DIDarknet dataset[5]show that the classification accuracy of Dark-Forest can reach 87.84%.And this method has advantages in precision, F1 score and other metrics, and its performance is also better than the current mainstream machine learning and deep learning detection methods.

    2 Related Work

    2.1 Introduction to the Dark Web

    The dark web is mainly based on anonymous networks and tunnel networks.Users can access it anonymously only through encryption tools such as VPN and Tor browser.On the one hand,The Onion Router (Tor) is currently the most widely used dark web traffic obfuscation technology.As shown in Fig.1,each access traffic passing through the Tor network will be encrypted and obfuscated by three Tor nodes:the entry node,the relay node,and the exit node before transmission,which can effectively avoid the user’s real network address and identity information from being traced.On the other hand, dark web users also use virtual private networks (VPN) technology to encrypt traffic to break through firewall restrictions and hide identity information.Therefore, how to analyze the function of dark web data traffic packets encrypted by multiple methods has become an important prerequisite for dark web intelligence analysis and cybercrime forensics.Due to the nonlinear and complex characteristics of various types of encryption methods, it is difficult to analyze dark web traffic by traditional rule-based or manual-based methods,so researchers have tried to use artificial intelligence models to mine and classify packets without decrypting them, and have made some progress.Related research can be summarized as statistical machine learning based detection methods and deep learning based detection methods.

    Figure 1:Encryption process during dark web traffic transmission

    2.2 Machine Learning Based Detection Methods

    Initially,the IP addresses of the Tor directory server and relay nodes are accessible,and analysts can directly build rule bases according to IP address and other identifiers to detect and block Tor anonymous traffic.However, with the emergence of obfuscation technologies such as Bridge and Meek,these rule-based filtering methods are no longer effective.Although some complex rule bases[6] are still helpful for classifying encrypted traffic, they may lead to increased maintenance costs.Additionally,the flexibility of these methods is also slightly insufficient,making it difficult to apply to real-world detection tasks.Consequently,some researchers try to use various machine learning models to build automated encrypted traffic analysis methods.

    For detection methods based on statistical machine learning,it mainly includes two steps:feature engineering and classification,which are often used to analyze packet header information or spatiotemporal features of the encrypted traffic.The representative works on feature engineering mainly include:Islam et al.[7]tried to propose an effective feature engineering for VoIP traffic based on VPN encryption.They selected a set of flow spatio-temporal features(FSTF),which proved to be able to effectively improve the performance of six classic machine learning models,including KNN,Bagging,and Boosting in this classification task.To extract the features of Tor traffic,Xu et al.[8]proposed a feature engineering based on sliding windows,which can convert Tor traffic into 12 kinds of features.Then machine learning models such as XGboost and random forest are used as downstream classifiers,and the final precision and recall rate both can reach 99%.

    The work on classifiers mainly includes:Zhioua[9]proposed a Tor traffic analysis model based on the hidden markov model(HMM),which can detect the local network traffic between the target Tor client and the first Tor relay node.The experimental analysis shows that the proposed HMM-based approach has a high precision(93%on average)and F1 Score(75%on average).This method can also be applied to attack the privacy of the Tor network[10].Afuwape et al.[11]constructed an ensemble learning classifier using a random forest and gradient boosting machine, which achieved 93.80%classification accuracy in the task of distinguishing VPN traffic from Non-VPN traffic,outperforming single classifiers such as KNN, multilayer perceptron, and decision trees.Subsequent research [12]added a decision tree model based on this work, which improved the classification accuracy of VPN traffic by 0.6%.In addition, different from the above research based on classification models,Rao et al.[13] proposed a gravitational clustering algorithm for Tor network traffic analysis, which can use gravitational force and similarity samples are clustered.Experiments show that the average accuracy and F1 Score of the method both exceed 80%,while the accuracy of the K-means algorithm trained on the same dataset only reaches 50%.

    The above shallow models have the advantages of the training process and resource consumption,and are very easy to implement in engineering.Researchers can train an effective model in a few minutes even by using a low-power CPU and limited memory.However,these models are still difficult to apply to real scenes.Firstly, these methods rely on complex manual feature engineering, but the encrypted traffic data is very different from the normal data,with strong nonlinear features and weak interpretability,which makes it difficult for researchers to rely on intuition and experience to judge the effectiveness of features.Secondly,the limited number of parameters of these models leads to the lack of representation ability, which makes the models converge faster on small-scale datasets, but there may be a learning bottleneck problem in the tasks based on large-scale datasets.Finally,most shallow models do not have the ability to analyze the correlation between features,which further restricts their fitting ability.

    2.3 Deep Learning Based Detection Methods

    Some researchers try to build an end-to-end dark web encrypted traffic recognition model based on deep learning to directly extract information from the raw traffic data and classify it.The works[14,15] proposed convolutional neural networks (CNN) based classification models for encrypted traffic.In these experiments,the raw traffic data is directly converted into a grayscale map,where each group of bytes corresponds to one pixel,and then one-dimensional or two-dimensional convolutional layers are used to learn specific patterns in the grayscale map of the traffic.Finally,the full connection layers are used to classify the features extracted from the convolution layers.The experimental results of these methods are shown to be superior to the mainstream shallow classifiers.Sequential models such as long short-term memory(LSTM)[16]networks and gated recurrent units(GRU)[17]are able to extract the sequential information from encrypted traffic data,avoiding the problem of feature loss that exists in convolutional neural network-based approaches.Thus,the results are further improved.Lu et al.[18]tried to combine CNN and LSTM,and proposed a model named ICLSTM(Inception-LSTM)for the classification of encrypted traffic.In their study,the raw encrypted traffic data was first converted into a grayscale image.The grayscale image is then sent to the convolutional block-based Inception network and LSTM network for classification.The accuracy rate reached 98% in the test on the ISCX-VPN-2016[19]dataset.To analyze VoIP traffic in tunneled and anonymous networks,the captured raw traffic is preprocessed based on the feature engineering of FSTFs [20], and then a hybrid deep learning model(MLP,1D-CNN,and LSTM)is used for classification,which can classify traffic data into four categories:VPN VoIP,VPN Non-VoIP,TOR VoIP,and TOR Non-VoIP,and the classification accuracy can exceed 94%.In addition,experiments in work[21]show that the attention mechanism[22]can help the deep learning model focus on the more critical information in encrypted traffic and ignore the noise that is meaningless to the detection task,which can further improve the detection effect of the model.Based on this discovery, Yao et al.[23] proposed a model based on the combination of attention mechanism and LSTM, which can effectively detect VPN traffic, and achieved a classification accuracy of 91.2%on the ISCX-VPN-2016 dataset,and this rate is improved by 1.4%compared to the model without attention mechanism.

    In addition to supervised learning methods, some semi-supervised and self-supervised deep learning methods have also been shown to have good results in encrypted traffic detection tasks,and provide inspiration for the analysis of dark web traffic.Guo et al.[24]proposed an encrypted traffic classification model based on an unsupervised training method.They preprocessed traffic samples into session images,and then used convolutional autoencoders(CAE)[25]for feature dimensionality reduction and classification.In the binary classification task for Tor traffic, the accuracy rate can reach 98%.Iliyasu et al.[26]proposed a VPN traffic detection method based on Deep Convolutional Generative Adversarial Network(DCGAN)[27],through alternating training between the generator and the discriminator,to achieve the detection method that relies on a small number of labeled samples.The function of generating new traffic samples can effectively improve the accuracy of downstream classifiers.

    Although various encrypted traffic analysis methods provide references for the detection of dark web traffic,there are still some pain points in current research.On the one hand,the existing detection technologies can only analyze a few types of dark web traffic.For example, only one of the tunnel network traffic or anonymous network traffic can be detected,and cannot handle traffic with multiple encryption technologies coexisting in real scenarios.On the other hand,the prior methods have high recognition accuracy in simple coarse-grained detection tasks (such as the binary classification task of encrypted traffic), and the accuracy in more fine-grained multi-classification tasks still needs to be improved.In addition, these end-to-end models usually deal with the raw data directly, and the high-dimensional features produced by this process further increase the hardware cost, resulting in the limited application scenarios of these methods,so these models are difficult to be deployed in low computing devices on the edge of the Internet.Therefore, how to improve the detection speed and accessibility to meet the real-time requirements is also an urgent problem to be considered in the task of dark web traffic analysis.

    3 Model

    In order to solve the pain points existing in the field of dark web traffic analysis,inspired by deep learning methods based on tree models for normal traffic detection tasks[28],this paper proposes an analysis method for the behavior of dark web traffic,called Dark-Forest.The framework of the method is shown in Fig.2,which is mainly composed of a PSO-based feature selector and a backbone classifier based on the DeepForest model.Among them,the PSO algorithm is mainly used to solve the minimum set of features that keep the model effect without degradation in order to achieve data dimensionality reduction and meet the real-time requirement of this task;while DeepForest is continuously trained and evaluated based on the current feature subset,and finally the optimal feature sequence is selected and fitted by using the two together.

    Figure 2:The overall framework of the Dark-Forest model

    3.1 Feature Selection Algorithm Based on PSO

    To eliminate redundant features in the raw data,reduce training costs,and improve the real-time performance of the model,a feature selection mechanism based on the PSO algorithm is introduced.PSO is a heuristic optimization algorithm that mimics the activity of bird clusters and is widely used in optimization problems for machine learning tasks [29,30].The algorithm assumes that there are some randomly distributed particles in the problem search space and each particle has two attributes of position and velocity.In the optimization process,these attributes of the particles are continuously updated through iterations under the control of fitness evaluation metrics to determine the optimal point(pbest)of each particle.Finally,the global optimal position(gbest)of the whole particle swarm population is determined based on the pbest of all particles to obtain the optimal solution to the objective problem.

    The overall process of feature selection using the PSO algorithm is illustrated in Fig.3, which mainly includes the following steps:

    (1) Particle initialization: According to the boundary of the problem search space, randomly initialize the position and velocity attributes of the particles.

    (2) Particle swarm evaluation: In order to evaluate particle swarm optimization, first, a mask vector for features will be created.If the feature value is less than a certain threshold, the corresponding element in the mask vector is converted to 0;otherwise,it is converted to 1.After this process,irrelevant features can be eliminated.Then,the remaining features are evaluated.In the experiments,in order to be able to filter as many redundant features as possible while taking into account the accuracy of the model, an evaluation metric function as shown in Eq.(1)was used,where a smaller score of fitness represents a better subset of features selected.Whereaccis the accuracy of the model on the validation set of the non-redundant feature subset,Nselectedis the number of retained features,andNtotalis the number of raw features.αis the hyperparameter used to balance the two types of evaluation metrics.A largerαmeans that PSO tends to eliminate fewer features that can enhance the effectiveness of the model,and a smallerαmeans that the main search objective of PSO is to filter out more features.

    (3) Particle update:The velocity information and position information of the particle are updated according to the current fitness score.When updating the velocity in the iteration,three main influencing factors are considered:its current initial velocity(velocity after the last iteration),the velocity of its own historical best point,and the velocity of the global historical best point.The updated particle velocity can be obtained by weighted summation of the three,as shown in Eq.(2), wherew,c1, andc2are weight hyperparameters,called inertia weights of velocity and learning factors,respectively.

    Figure 3:Feature selection process based on PSO algorithm

    When updating the position information, the particles are assumed to be in a uniform linear motion,as shown in Eq.(3),whereis the current initial position,andis the particle velocity after the previous step update.

    3.2 DeepForest Model

    DeepForest is a deep learning method based on tree models.This learner integrates and connects the forests formed by trees to achieve the purpose of representation learning,thereby improving the classification performance.The model mainly includes two core algorithms of multi-grained scanning and cascade forest,and its overall structure is shown in Fig.4.

    Figure 4:The overall structure of the DeepForest model

    3.2.1 Multi-Grained Scanning

    The powerful representational capabilities of deep neural networks are primarily due to their ability to correlate and reorganize features.Inspired by this idea,a mechanism called“multi-grained scanning”is used in DeepForest to preprocess the input features,which can help the model mine the correlations between the different features of the samples.On the one hand,this mechanism is similar to the sliding convolution kernel used by CNN,and features are scanned through sliding windows of multiple scales to achieve feature reuse.On the other hand,if the input feature dimension is too high,the multi-grained scanning also provides a downsampling function similar to the pooling operation to achieve data dimensionality reduction.The process of multi-grained scanning is shown in Fig.5.

    Figure 5:The process of multi-grained scanning

    Specifically, for an input feature vector of dimension L, it is first scanned and sampled using a sliding window of length S to generate a subset of the feature vector,which contains L-S+1 feature vectors of dimension S.These sub-features are then input to a normal random forest and a completely random forest and trained.These forest models output feature vectors with a dimension equal to the size of the sliding window.Finally, the output results of all forest models are concatenated together to obtain the final feature vector after multi-grained scanning.This process only does the scanning of features and does not involve the learning of model parameters, so it is faster compared to the convolution operation of CNN.

    3.2.2 Cascade Forest

    Hierarchical representation learning is another major advantage of deep neural networks,that is,through the design of stacked network layers, the complex mapping relationship from the raw data space to the target task space can be disassembled into a step-by-step nonlinear mapping transformation learning.Through the cooperation of hierarchical feature abstraction and transformation,the representation learning of different scales and levels can be realized.

    From the perspective of the structure of the model,similar to the deep neural networks,a stacked model structure called cascade forest is also adopted in the DeepForest,which realizes layer-by-layer representation learning by integrating and concatenating forest models composed of trees.Deep neural networks use neurons as the basic unit of each layer.In the cascade forest,the composition basis of each layer is a random forest,and these random forests themselves are the result of the ensemble of multiple decision tree models,so the cascade forest is an“ensemble of the ensemble”.At the same time,in order to improve the learning ability of model differentiation and diversity,cascade forest is similar to multi-grained scanning,and two different types of random forest substructures are also introduced,namely complete random forest and normal random forest.

    As for the training process,the data stream inside the cascade forest is also from front to back.The previous layer applies a nonlinear transformation to the input data, and then takes the output result as the input of the back layer.Each forest unit in the cascade forest averages the classification probabilities of all its leaf nodes and uses them as the final output classification results.Also,in order to avoid information loss during the forward propagation,the cascade forest additionally introduces a shortcut connection mechanism.For each forest layer,its input is a mixed feature vector formed by concatenating the output result vector and the input data vector of the previous layer.In addition,a variety of training mechanisms to reduce the risk of overfitting have also been introduced into the cascade forest.On the one hand, the output vectors generated by each forest are generated by kfold cross-validation; on the other hand, the model uses a combination of early stop control based on validation gain and hyperparameter control to constrain the depth of the entire cascade forest to avoid the model from being too deep.The algorithm description of the cascade forest is shown in Algorithm 1.

    Algorithm 1:Cascade Forest Algorithm Inputs:feature vectors x,number of layers of cascade forest num_layers.Functions:multi-grained scanning processing function MGS,cascade forest layer processing function Layers,vector concatenate function Concat,Average Calculation Function Avg,Function to get the index corresponding to the maximum value ArgMax,Sequence Generation Function Range.Outputs:predicted label y.1.#Multi-grained scanning of raw dark web traffic data 2. x=MGS(x)3.#Traverse each layer of the cascade forest 4.for idx in Range(num_layers):5. #result is the processed result of each layer 6. result=Layers[idx](x)7. #Update the input variable, concatenating the output of the previous layer and the output of this layer to obtain a mixed vector 8. x=Concat(x,result)(Continued)

    Algorithm 1:(Continued)9.#Average the output of each forest unit in the last layer 10. score=Avg(result)11.#Select the label corresponding to the maximum value in score as the prediction result 12. y=ArgMax(score)

    4 Experiment and Analysis

    4.1 Datasets and Evaluation Metrics

    To verify the effectiveness of the Dark-Forest model in the dark web traffic detection task, this paper uses the DIDarknet dataset provided by Habibi et al.[5]to train and test the model.DIDarknet is a structured dataset based on the flow spatio-temporal features of dark web traffic data, and the feature in this dataset can be extracted quickly without decrypting the data packet by using tools such as CICFlowMeter.From the perspective of encryption methods, the dataset mainly includes three types of data:normal traffic,Tor-based encrypted traffic,and VPN-based encrypted traffic;in terms of application types,the dataset covers encrypted and non-encrypted traffic of eight common types of applications, including VoIP traffic, Video-Stream traffic, File-Transfer traffic, Chat traffic, Audio-Stream traffic,email traffic,Browsing traffic and P2P traffic.The distribution of this dataset is shown in Fig.6.In the experiment, we prepared two types of datasets, a large-scale dataset, using 116481 samples as a training set,5000 samples as a validation set,and 20,000 samples as a test set,to examine the model in large-scale performance under labeled samples.The other small-scale dataset contains only 1000 training samples to examine the performance of Dark-Forest when training data is scarce.The environment configuration of the server used in the experiment and the hyperparameter settings of the Dark-Forest model are shown in Tables 1 and 2.

    Figure 6: The composition of the DIDarknet dataset.Left: the composition of all types of traffic.Right:the composition of dark web traffic

    Table 1: Experimental environment information

    Table 2: Hyperparameter settings

    The main task objective of the experiment is to examine whether the model can distinguish the corresponding access behavior types of each sample in the dataset where both unencrypted traffic and two types of encrypted traffic are present.Therefore, Accuracy, Precision, Recall, and F1 Score are selected as the evaluation metrics,to achieve the purpose of measuring the recognition effect,leakage rate, and false alarm rate of the model in all aspects.The principles are shown in Eqs.(4)–(7).The TP and TN represent the sample numbers of true cases and true negative cases,and the FP and FN represent the sample numbers of false positive samples and false negative samples.

    4.2 Comparative Experiment

    In the experiment, several representative statistical machine learning models, such as Logistic Regression (LR) model, Naive Bayesian (NB) model, Decision Tree (DT) model, Random Forest(RF) model, the Support Vector Machine (SVM) model based on the linear kernel function and the Gaussian kernel function, and the K-Nearest Neighbor (KNN) algorithm, were selected as baseline models.At the same time,the MultiLayer Perceptron(MLP)model and MLP with attention mechanism(MLP-Attention)are selected as the representative of the deep neural network model.In addition,to enhance the convincingness of the results,we also cite the experimental results of two deep learning-based methods,1D CNN and Deep Image,on DIDarknet by Habibi et al.[5],and compare with them.The experimental results based on the large-scale dataset and small-scale dataset are shown in Tables 3 and 4,respectively.

    Table 3: Experimental results based on the large-scale dataset

    Table 4: Experimental results based on the small-scale dataset

    Table 4 (continued)Methods Models Accuracy Precision Recall F1 score Deep learning(Neural network)MLP 66.25 73.72 66.25 69.27 MLP-Attention 60.28 76.96 60.28 67.14 Deep learning(Tree model)DeepForest 75.46 78.22 75.46 76.60 Dark-Forest(ours) 77.06 79.90 77.06 78.20

    Analysis of the experiment shows that after the feature selection of the PSO algorithm,the number of input features of the DeepForest model is reduced from the original 75 to 32, the reduction rate reaches 57.3%,and the training time of the model is also shortened by 26.3%.At the same time,feature screening not only did not have a negative impact on the detection effect, but further improved the accuracy of the model.In the large-scale dataset-based experiments, Dark-Forest achieves 87.84%accuracy and 88.02% F1 score, which are 0.33% and 0.43% better than the original DeepForest model, and achieves state of the art in all evaluation metrics.In the learning task with the training set containing only 1000 labeled data,DeepForest also achieves an impressive accuracy and F1 Score of 77.06% and 78.2%, respectively, significantly outperforming baseline models such as DeepForest and Random Forest.Also,comparing the performance of Dark-Forest and MLP models reveals that tree-based deep learning methods are more easily trained on the small-scale dataset.

    At the same time, it is found in the experiment that the LR model and NB method depend on the normalization preprocessing of data, and directly processing the raw data may lead to the nonconvergence of the model.Similarly, in a large number of experiments such as image classification and text classification based on deep learning,it is also proved that deep neural network also highly depends on the normalization process, otherwise it will have a negative impact on the convergence of gradient descent algorithm.The two classical tree models, decision tree and random forest,have low requirements for data preprocessing, and can get better recognition performance without normalizing the raw data.The tree-based deep learning model DeepForest also inherits this feature well.Experiments show that the training results of DeepForest and Dark-Forest are consistent regardless of whether the data is normalized or not.This advantage makes it unnecessary for additional data preprocessing when applied to dark web traffic detection in real scenes,and can further reduce the computational overhead,and meet the real-time requirements.

    To examine the classification robustness of Dark-Forest, we also visualized the micro-average ROC curves and micro-average PR curves of the five better-performing models(Dark-Forest,Deep-Forest, RF, KNN, and MLP), respectively, and shown in Figs.7 and 8.It can be seen that the AUC scores and micro-AP scores of the Dark-Forest model are higher than those of the baseline model,which proves that the model has better robustness and is advantageous in handling the task of analyzing dark web traffic with unbalanced sample distribution in real scenarios.

    Figure 7:Micro-average ROC curves of 5 methods.Left:ROC curve of experiment based on the smallscale dataset.Right:ROC curve of experiment based on the large-scale dataset

    Figure 8:Micro-average PR curve of 5 methods.Left:PR curve of experiment based on the small-scale dataset.Right:PR curve of experiment based on the large-scale dataset

    In order to further analyze the detection ability of the Dark-Forest model for different types of dark web traffic data, we also visualized the standardized confusion matrix of Dark-Forest, as shown in Fig.9.It can be seen that the model has a better performance on the five types of traffic detection:Audio-Streaming,Browsing,Chat,File-Transfer,and P2P.However,due to the unbalanced distribution of data samples, the recognition accuracy of the model for Email and VoIP traffic still needs to be improved, and these two types of traffic are more likely to be mistakenly identified as Chat-type traffic by Dark-Forest.

    Figure 9: The standardized confusion matrix of Dark-Forest.Left: results based on the small-scale dataset.Right:results based on the large-scale dataset

    In addition,we also compare Dark-Forest with several better-performing models in more detail and examine the detection effect of these models on each type of sample.In the large-scale dataset,we compare the performance of Dark-Forest and Deep Image, random forest, and the original DeepForest model,as shown in Figs.10 and 11.In the small-scale dataset based training task,KNN was selected as an alternative model because the relevant results of the Deep Image model could not be obtained.It can be seen that the five models have their own advantages for the detection of different types of dark web traffic samples, and Deep Image is better at detecting Chat and Video-Streaming types of traffic.Dark-Forest and DeepForest detect Browsing and P2P-type traffic better than Deep Image.On the other hand,KNN has higher precision in the analysis of Email traffic whose identification precision is low in Dark-Forest.It can also be found that after the feature selection by the PSO algorithm,Dark-Forest is more effective than the original DeepForest model when dealing with the small-scale dataset based learning task.

    Figure 10: Comparison of the effects of 4 models trained on the large-scale dataset for detecting different types of traffic.Left:precision vs.traffic types.Right:recall vs.traffic types

    Figure 11:Comparison of the effects of 4 models based on the small-scale dataset for detecting different types of traffic.Left:precision vs.traffic types.Right:recall vs.traffic types

    Considering that in real scenarios,it is possible to continuously collect and label dark web traffic data.Therefore,we also studied the changes in the effects of several models as the size of the training set continued to expand, to examine the potential of the model for long-term application in the real environment.The experimental results are shown in Fig.12.It can be seen that increasing the number of training samples has a positive impact on the performance of the five models.Among them, the performances of deep learning-based models (Dark-Forest, DeepForest, and MLP) have been improved more significantly,and the value of the large-scale datasets can be more fully utilized,while the random forest model has prematurely entered a performance saturation period.

    Figure 12:Performance changes of 5 models with the dataset size.Left:accuracy vs.dataset size.Right:F1 score vs.dataset size

    4.3 Ablation Experiment

    To verify the effectiveness and advantages of the PSO feature selection algorithm, additional ablation experiments are carried out in this paper.On the one hand,the original DeepForest model was set as the baseline method,and we compare the PSO-based feature selection algorithm with five common feature dimensionality reduction or filtering methods: mutual information-based feature selection (Mutual Info), chi-square-based feature selection (Chi2), principal component analysis(PCA)[31],autoencoder and genetic algorithms(GA)[32].The experimental results on the large-scale dataset and the small-scale dataset are shown in Tables 5 and 6.It can be found that the performance of DeepForest has been further improved after feature selection by the chi-square algorithm,the PSO algorithm, and the GA algorithm, and the optimization based on the PSO algorithm has the most obvious improvement effect.However,the PCA algorithm,autoencoder and feature selection based on mutual information have a certain negative impact on the accuracy of the model.At the same time,it is also found in the experiment that the search time of the PSO algorithm is lower than that of the GA feature selection,and the process of convergence is more stable.

    Table 5: Ablation experiments based on the large-scale dataset

    Table 6: Ablation experiments based on the small-scale dataset

    On the other hand, we also examine the transferability of the features selected by the PSO algorithm and conduct experiments using three models of KNN, random forest, and multilayer perceptron, based on the large-scale and small-scale dataset.The experimental results are shown in Tables 7 and 8,respectively.It can be seen that the selected features can be transferred to KNN and random forest models,but will harm the MLP model,which proves that the features selected in this paper are model-related and not applicable to all models.

    Table 7: Experimental results on the transferability of features based on the large-scale dataset

    Table 8: Experimental results on the transferability of features based on the small-scale dataset

    In addition,considering that the hyperparameterαin the evaluation metric of the PSO algorithm has a high influence on feature selection, we also show the PSO feature selection process based on differentαvalues,as shown in Fig.13.It can be seen that although the evaluation score of the PSO algorithm decreases with the increase of the number of iterations whenαis small,the PSO algorithm tends to compress the number of features rather than improve the detection accuracy to reduce fitness.In experiments,it is found that when the feature selection algorithm withαof 0.5 is completed,only 20 features are retained,resulting in Dark-Forest’s test accuracy of only 87.39%,which was lower than the original baseline model.This shows that a too smallαmay bring about the problem of information loss.

    Figure 13:Influence of α on feature selector based on PSO algorithm.Left:fitness vs.the change of α.Right:number of features vs.the change of α

    5 Conclusions

    Affected by the characteristics of encryption and anonymity of dark web,how to realize automatic dark web traffic analysis has always been the research focus in the field of dark web forensics.Aiming at the current pain points in this field,this paper proposes a Dark-Forest model that combines the PSO feature selection algorithm and the tree deep learning method.The model can automatically analyze the behavior of normal traffic,tunnel network traffic and anonymous network traffic only according to the flow spatio-temporal features of traffic data without decrypting the data packets, which can eliminate the gap between different network traffic analysis tasks to a certain extent.On the one hand,from the perspective of detection effect,experiments on the public dataset DIDarknet show that Dark-Forest’s accuracy,F1 score,and other evaluation metrics are better than those of Deep Image,random forest,and other baseline models.On the other hand,as for detection efficiency,Dark-Forest can filter out the most redundant features that are less meaningful for detection tasks,so the detection speed is faster than the original DeepForest model.In addition,from the perspective of accessibility,different from the existing deep learning methods based on neural networks,the training and inference process of the Dark-Forest model hardly depend on the accelerators such as GPUs.Therefore,this model can be deployed in firewalls,gateway and other edge computing devices with only CPUs installed,so as to realize the real-time analysis of dark web traffic,which has practical value.

    It is also found in the experiments that Dark-Forest still needs to be improved for some specific types of dark web traffic data, while other models have advantages for the detection of these traffic data.Therefore,in addition to further expanding the dataset,the next work will focus on the fusion of multiple models to further improve the detection effect of Dark-Forest.In addition,transfer learning[33] can be used to solve the problem of insufficient samples, and also provides research ideas to improve the effectiveness of the Dark-Forest model in the task of dark web traffic detection based on few-shot learning or even zero-shot learning.

    Acknowledgement:The authors wish to express their appreciation to the reviewers for their helpful suggestions which greatly improved the presentation of this paper.

    Funding Statement:This research was funded by Henan Provincial Key R&D and Promotion Special Project (Science and Technology Tackling) (212102210165); National Social Science Foundation Key Project(20AZD114);Henan Provincial Higher Education Key Research Project Program(20B520008); Public Security Behavior Scientific Research and Technological Innovation Project of the Chinese People’s Public Security University(2020SYS08).

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

    亚洲人与动物交配视频| 能在线免费观看的黄片| 亚洲国产精品sss在线观看| 亚洲国产精品合色在线| 国产单亲对白刺激| 亚洲综合色惰| 久久久久久久久大av| 夜夜看夜夜爽夜夜摸| 天天一区二区日本电影三级| 中文字幕精品亚洲无线码一区| 日日摸夜夜添夜夜爱| 久久中文看片网| 欧美又色又爽又黄视频| 国产亚洲精品久久久久久毛片| 两性午夜刺激爽爽歪歪视频在线观看| 天堂网av新在线| 99热6这里只有精品| 国产美女午夜福利| 亚洲五月天丁香| 偷拍熟女少妇极品色| 亚洲最大成人av| 十八禁网站免费在线| 欧美bdsm另类| 2021天堂中文幕一二区在线观| 麻豆久久精品国产亚洲av| 国产高清不卡午夜福利| 欧美日韩国产亚洲二区| 老师上课跳d突然被开到最大视频| 免费在线观看成人毛片| 性色avwww在线观看| 国产高清有码在线观看视频| 欧美性猛交╳xxx乱大交人| 亚州av有码| 日韩欧美精品v在线| 亚洲第一区二区三区不卡| 免费av观看视频| 久久久久精品国产欧美久久久| 精品人妻熟女av久视频| 91久久精品国产一区二区三区| 婷婷六月久久综合丁香| 婷婷精品国产亚洲av在线| 亚洲性久久影院| 国产 一区 欧美 日韩| 又爽又黄无遮挡网站| 久久午夜亚洲精品久久| 欧美日韩乱码在线| 亚洲av成人av| 亚洲国产精品sss在线观看| 99国产极品粉嫩在线观看| 你懂的网址亚洲精品在线观看 | 一个人看的www免费观看视频| 日韩一区二区视频免费看| 极品教师在线视频| av女优亚洲男人天堂| 日韩欧美精品免费久久| 两个人视频免费观看高清| 九色成人免费人妻av| 97超视频在线观看视频| 亚洲性久久影院| 国产激情偷乱视频一区二区| 亚洲av成人精品一区久久| 国产精品永久免费网站| aaaaa片日本免费| 国产中年淑女户外野战色| 午夜激情福利司机影院| 简卡轻食公司| 69人妻影院| 国产精品女同一区二区软件| 免费电影在线观看免费观看| 国产又黄又爽又无遮挡在线| 精品欧美国产一区二区三| 在线观看免费视频日本深夜| 99国产极品粉嫩在线观看| av女优亚洲男人天堂| 国产伦一二天堂av在线观看| 国产黄色视频一区二区在线观看 | 可以在线观看毛片的网站| 精品国内亚洲2022精品成人| 啦啦啦观看免费观看视频高清| 十八禁国产超污无遮挡网站| 乱码一卡2卡4卡精品| 日本在线视频免费播放| 十八禁国产超污无遮挡网站| 免费人成在线观看视频色| 日韩成人伦理影院| 人妻制服诱惑在线中文字幕| 波野结衣二区三区在线| 我的老师免费观看完整版| 国产成人精品久久久久久| 永久网站在线| 国产高潮美女av| 日日啪夜夜撸| 村上凉子中文字幕在线| 色噜噜av男人的天堂激情| 久久精品夜夜夜夜夜久久蜜豆| www日本黄色视频网| 国产不卡一卡二| 热99在线观看视频| 丰满人妻一区二区三区视频av| 国产一区亚洲一区在线观看| 九九热线精品视视频播放| 免费高清视频大片| 91久久精品国产一区二区三区| 女生性感内裤真人,穿戴方法视频| 欧美性猛交黑人性爽| 国产男人的电影天堂91| 国产av不卡久久| 一级毛片电影观看 | 欧美xxxx黑人xx丫x性爽| 日韩欧美精品免费久久| 亚洲四区av| 美女 人体艺术 gogo| 国产单亲对白刺激| 级片在线观看| 午夜视频国产福利| 免费人成在线观看视频色| 日韩在线高清观看一区二区三区| 婷婷亚洲欧美| 亚洲国产高清在线一区二区三| 我的老师免费观看完整版| 久久欧美精品欧美久久欧美| 精华霜和精华液先用哪个| 九九久久精品国产亚洲av麻豆| 亚洲熟妇中文字幕五十中出| 露出奶头的视频| 日日摸夜夜添夜夜爱| 在线观看午夜福利视频| 亚洲欧美中文字幕日韩二区| 啦啦啦啦在线视频资源| 亚洲精品456在线播放app| 亚洲人成网站在线播| 中文字幕人妻熟人妻熟丝袜美| 日韩大尺度精品在线看网址| 赤兔流量卡办理| 黄色日韩在线| 亚洲中文字幕一区二区三区有码在线看| 我的老师免费观看完整版| 亚洲自拍偷在线| www.色视频.com| 亚洲最大成人av| 午夜老司机福利剧场| 最近2019中文字幕mv第一页| 精品99又大又爽又粗少妇毛片| 观看免费一级毛片| 啦啦啦韩国在线观看视频| 成年版毛片免费区| 久久精品91蜜桃| 国产乱人视频| 搡老岳熟女国产| 免费av毛片视频| 亚洲内射少妇av| 天美传媒精品一区二区| 插阴视频在线观看视频| 国产欧美日韩一区二区精品| 麻豆乱淫一区二区| 特大巨黑吊av在线直播| 日本三级黄在线观看| 国产探花在线观看一区二区| 啦啦啦韩国在线观看视频| 日韩,欧美,国产一区二区三区 | 国产高清激情床上av| 久久久久久久久大av| 少妇丰满av| 搡老岳熟女国产| 国产一区亚洲一区在线观看| 综合色丁香网| 日日摸夜夜添夜夜爱| 亚洲国产色片| 校园春色视频在线观看| 国产精品一区www在线观看| 在线免费观看不下载黄p国产| 国产v大片淫在线免费观看| 男女那种视频在线观看| 免费av观看视频| 国产精品乱码一区二三区的特点| 色哟哟哟哟哟哟| 亚洲乱码一区二区免费版| 国产伦精品一区二区三区视频9| 国产精品日韩av在线免费观看| 校园人妻丝袜中文字幕| 欧美成人一区二区免费高清观看| aaaaa片日本免费| 国产又黄又爽又无遮挡在线| 欧美日韩国产亚洲二区| 国产精品久久久久久久电影| 波多野结衣高清无吗| 久久久久久久久久黄片| 一夜夜www| 亚洲欧美日韩高清专用| 在线免费观看不下载黄p国产| 国产综合懂色| 欧美激情国产日韩精品一区| 成人特级黄色片久久久久久久| 亚洲美女黄片视频| 久久人人爽人人爽人人片va| 一个人免费在线观看电影| 午夜福利视频1000在线观看| 久久久久性生活片| 高清毛片免费看| 看片在线看免费视频| 婷婷精品国产亚洲av| 亚洲精品亚洲一区二区| 日日撸夜夜添| 日本免费a在线| 亚洲va在线va天堂va国产| 特大巨黑吊av在线直播| 免费观看精品视频网站| 亚洲专区国产一区二区| 国产三级中文精品| 色噜噜av男人的天堂激情| 丰满人妻一区二区三区视频av| 日本免费a在线| 成人性生交大片免费视频hd| 亚洲精品乱码久久久v下载方式| 午夜精品一区二区三区免费看| 老熟妇乱子伦视频在线观看| 日韩欧美 国产精品| 丰满的人妻完整版| 最近视频中文字幕2019在线8| 免费观看的影片在线观看| 久久精品国产亚洲网站| 黄色欧美视频在线观看| 99久久九九国产精品国产免费| 欧美+亚洲+日韩+国产| 国产高清视频在线观看网站| 午夜老司机福利剧场| 免费看日本二区| 成年av动漫网址| 国产伦精品一区二区三区四那| av天堂中文字幕网| 又粗又爽又猛毛片免费看| 日韩制服骚丝袜av| 久久精品综合一区二区三区| 男人和女人高潮做爰伦理| 尤物成人国产欧美一区二区三区| 看黄色毛片网站| 在线a可以看的网站| 亚洲精品日韩av片在线观看| 成人特级av手机在线观看| 亚洲最大成人手机在线| 亚洲av电影不卡..在线观看| 日韩欧美在线乱码| 精品熟女少妇av免费看| 久久精品国产清高在天天线| 欧美激情在线99| 少妇熟女欧美另类| 国产色婷婷99| 精品福利观看| 美女免费视频网站| 久久久久久大精品| 精品欧美国产一区二区三| 直男gayav资源| 黄色一级大片看看| 91av网一区二区| 丰满乱子伦码专区| 国产精品嫩草影院av在线观看| 精品人妻一区二区三区麻豆 | av天堂中文字幕网| 亚洲成人中文字幕在线播放| 久久精品影院6| 少妇猛男粗大的猛烈进出视频 | 12—13女人毛片做爰片一| 日韩精品有码人妻一区| 听说在线观看完整版免费高清| 国产欧美日韩一区二区精品| av在线老鸭窝| 亚洲色图av天堂| 国产一区二区三区av在线 | 美女黄网站色视频| 午夜福利在线观看吧| 亚洲不卡免费看| 国产伦一二天堂av在线观看| 国产一区二区在线观看日韩| 黄色视频,在线免费观看| 欧美色视频一区免费| 国产精品永久免费网站| 国产毛片a区久久久久| av在线观看视频网站免费| 丰满乱子伦码专区| 精品无人区乱码1区二区| 国产av麻豆久久久久久久| 中文字幕av成人在线电影| 国内揄拍国产精品人妻在线| 超碰av人人做人人爽久久| 国产v大片淫在线免费观看| 国产免费男女视频| 久久人人精品亚洲av| 日韩强制内射视频| 久久久色成人| 99热这里只有是精品50| 女同久久另类99精品国产91| 热99在线观看视频| 99国产精品一区二区蜜桃av| 最新在线观看一区二区三区| 中文资源天堂在线| 午夜福利在线在线| 国产精品女同一区二区软件| 韩国av在线不卡| 午夜免费男女啪啪视频观看 | 18禁裸乳无遮挡免费网站照片| 午夜福利成人在线免费观看| 亚洲成av人片在线播放无| 男人舔奶头视频| 有码 亚洲区| 国产麻豆成人av免费视频| 国产色婷婷99| 久久久久久九九精品二区国产| 国产亚洲91精品色在线| 美女cb高潮喷水在线观看| 最近最新中文字幕大全电影3| 在线天堂最新版资源| 91麻豆精品激情在线观看国产| 国产精品久久久久久av不卡| 日本三级黄在线观看| 国产精品亚洲一级av第二区| 日韩中字成人| 男女之事视频高清在线观看| 免费看av在线观看网站| 搡老熟女国产l中国老女人| 此物有八面人人有两片| 噜噜噜噜噜久久久久久91| 久久久久性生活片| 99久久九九国产精品国产免费| 欧美bdsm另类| 69av精品久久久久久| 欧美国产日韩亚洲一区| 国产午夜福利久久久久久| 国产亚洲91精品色在线| 麻豆成人午夜福利视频| 成人精品一区二区免费| 22中文网久久字幕| 精品久久国产蜜桃| 久久精品夜色国产| 午夜日韩欧美国产| 此物有八面人人有两片| 免费观看人在逋| 91精品国产九色| 色综合色国产| 一区福利在线观看| 97热精品久久久久久| 十八禁国产超污无遮挡网站| 99久久久亚洲精品蜜臀av| 久久久精品94久久精品| 久久久国产成人精品二区| 国产精品乱码一区二三区的特点| 五月伊人婷婷丁香| 午夜老司机福利剧场| 精品久久久久久久久久免费视频| 亚洲成人久久性| 激情 狠狠 欧美| 国产v大片淫在线免费观看| 波野结衣二区三区在线| 国产成人91sexporn| av女优亚洲男人天堂| 中国美白少妇内射xxxbb| 久久精品久久久久久噜噜老黄 | 日本熟妇午夜| 最新中文字幕久久久久| 免费观看的影片在线观看| 人妻丰满熟妇av一区二区三区| 成人毛片a级毛片在线播放| 久久久久久久午夜电影| 欧美色欧美亚洲另类二区| 日韩国内少妇激情av| 99久久精品热视频| 在线免费十八禁| 国产精品不卡视频一区二区| 日产精品乱码卡一卡2卡三| 欧美一区二区亚洲| 国产久久久一区二区三区| 99视频精品全部免费 在线| 99在线人妻在线中文字幕| 久久精品国产亚洲网站| 欧美人与善性xxx| 国产高清激情床上av| 日韩亚洲欧美综合| 亚洲国产日韩欧美精品在线观看| 色在线成人网| 欧美成人a在线观看| 中文字幕久久专区| 婷婷精品国产亚洲av在线| 欧美日韩乱码在线| 国内久久婷婷六月综合欲色啪| 一进一出抽搐gif免费好疼| 久久综合国产亚洲精品| 免费黄网站久久成人精品| 日本黄大片高清| 天美传媒精品一区二区| 亚洲美女搞黄在线观看 | 日日摸夜夜添夜夜爱| 精品久久久噜噜| ponron亚洲| or卡值多少钱| 亚洲精品乱码久久久v下载方式| 两个人的视频大全免费| 欧美一区二区亚洲| 尤物成人国产欧美一区二区三区| 国产精品久久久久久亚洲av鲁大| 男插女下体视频免费在线播放| 欧美人与善性xxx| 一进一出好大好爽视频| 如何舔出高潮| 日本黄色视频三级网站网址| 日韩强制内射视频| 亚洲国产精品久久男人天堂| 国产高清视频在线播放一区| 最近视频中文字幕2019在线8| 桃色一区二区三区在线观看| 一级黄色大片毛片| av免费在线看不卡| 久久九九热精品免费| 熟妇人妻久久中文字幕3abv| 久久久成人免费电影| 三级毛片av免费| 亚洲最大成人中文| 日韩欧美三级三区| 麻豆精品久久久久久蜜桃| 精品不卡国产一区二区三区| 听说在线观看完整版免费高清| 国产不卡一卡二| 18禁在线无遮挡免费观看视频 | 99久久精品热视频| 国产欧美日韩一区二区精品| 日本熟妇午夜| 99在线人妻在线中文字幕| 成熟少妇高潮喷水视频| 国产精品综合久久久久久久免费| 欧美zozozo另类| 真人做人爱边吃奶动态| 国产高清激情床上av| 国产黄色视频一区二区在线观看 | 少妇猛男粗大的猛烈进出视频 | 日韩欧美免费精品| 亚洲天堂国产精品一区在线| 午夜福利在线在线| 免费观看的影片在线观看| 一个人看视频在线观看www免费| 高清日韩中文字幕在线| 最近的中文字幕免费完整| 波野结衣二区三区在线| 我要看日韩黄色一级片| 亚洲人成网站高清观看| 亚洲成人精品中文字幕电影| 日韩欧美精品免费久久| 亚洲,欧美,日韩| 亚洲精品粉嫩美女一区| 久久久久久久久久久丰满| 久久精品人妻少妇| 99久久精品国产国产毛片| 亚洲精华国产精华液的使用体验 | 国产爱豆传媒在线观看| 夜夜爽天天搞| 日日摸夜夜添夜夜添小说| 日本 av在线| 午夜福利视频1000在线观看| 国产伦一二天堂av在线观看| 国产成年人精品一区二区| 亚洲经典国产精华液单| 亚洲第一区二区三区不卡| 99九九线精品视频在线观看视频| 蜜桃久久精品国产亚洲av| 精品一区二区三区人妻视频| 一级毛片久久久久久久久女| 啦啦啦观看免费观看视频高清| 自拍偷自拍亚洲精品老妇| 日韩亚洲欧美综合| 99久久九九国产精品国产免费| 成人特级av手机在线观看| 亚洲天堂国产精品一区在线| 久久人人精品亚洲av| 一本一本综合久久| 看十八女毛片水多多多| 精品久久国产蜜桃| 内地一区二区视频在线| 午夜福利在线在线| 精品欧美国产一区二区三| h日本视频在线播放| 久久综合国产亚洲精品| 成人欧美大片| 91麻豆精品激情在线观看国产| 夜夜夜夜夜久久久久| 欧美三级亚洲精品| 亚洲av第一区精品v没综合| 大又大粗又爽又黄少妇毛片口| 国产高清激情床上av| 麻豆精品久久久久久蜜桃| 亚洲电影在线观看av| 亚洲av第一区精品v没综合| 国产av麻豆久久久久久久| 搡女人真爽免费视频火全软件 | 成人美女网站在线观看视频| 久久精品国产亚洲av香蕉五月| 麻豆成人午夜福利视频| 搡老熟女国产l中国老女人| 日韩中字成人| 中国美女看黄片| 亚洲国产精品国产精品| 亚洲欧美精品自产自拍| 亚洲综合色惰| 一区二区三区四区激情视频 | 久久午夜福利片| 日日摸夜夜添夜夜添小说| www.色视频.com| 一级av片app| 午夜福利在线在线| 久99久视频精品免费| 九九在线视频观看精品| 免费搜索国产男女视频| 久久亚洲国产成人精品v| 少妇的逼好多水| 日本一本二区三区精品| 久久这里只有精品中国| 国产精品久久久久久久久免| 天天躁夜夜躁狠狠久久av| 久久午夜亚洲精品久久| 国产精品1区2区在线观看.| 亚洲欧美日韩卡通动漫| 伊人久久精品亚洲午夜| 黄色视频,在线免费观看| 中文字幕av在线有码专区| 国产高清视频在线观看网站| 尤物成人国产欧美一区二区三区| 国产精品无大码| 日本撒尿小便嘘嘘汇集6| 91午夜精品亚洲一区二区三区| 国产欧美日韩一区二区精品| 中文亚洲av片在线观看爽| 少妇猛男粗大的猛烈进出视频 | 高清毛片免费观看视频网站| 国产精品国产高清国产av| 国产精品精品国产色婷婷| 午夜视频国产福利| 哪里可以看免费的av片| 欧美潮喷喷水| 91麻豆精品激情在线观看国产| 国产精品久久久久久久久免| 成人三级黄色视频| 久久人人爽人人片av| 欧美又色又爽又黄视频| 亚洲欧美中文字幕日韩二区| 亚洲欧美精品自产自拍| 国产成人影院久久av| 欧美不卡视频在线免费观看| 综合色丁香网| 欧美激情国产日韩精品一区| 日韩欧美免费精品| 国产亚洲精品av在线| 亚洲最大成人中文| 麻豆国产97在线/欧美| 可以在线观看毛片的网站| 亚洲av成人av| 欧美一级a爱片免费观看看| 亚洲一级一片aⅴ在线观看| 中文字幕人妻熟人妻熟丝袜美| 亚洲av.av天堂| 亚洲第一电影网av| 日韩欧美一区二区三区在线观看| 色av中文字幕| 九九久久精品国产亚洲av麻豆| 国产在视频线在精品| 色综合亚洲欧美另类图片| 欧美高清性xxxxhd video| www.色视频.com| 最近最新中文字幕大全电影3| 久久中文看片网| 精品一区二区三区av网在线观看| 亚州av有码| 久久久久久久亚洲中文字幕| 长腿黑丝高跟| 欧美潮喷喷水| 国产成人福利小说| 精品久久久久久久久久免费视频| 久久久成人免费电影| 99久久成人亚洲精品观看| 色吧在线观看| 精品久久久久久久久久免费视频| 日韩制服骚丝袜av| 精品人妻一区二区三区麻豆 | 国产精品爽爽va在线观看网站| 欧美高清成人免费视频www| 乱人视频在线观看| 中文资源天堂在线| 免费观看人在逋| 久久精品国产亚洲av涩爱 | 美女xxoo啪啪120秒动态图| 亚洲,欧美,日韩| 一个人免费在线观看电影| 日韩,欧美,国产一区二区三区 | 午夜日韩欧美国产| 激情 狠狠 欧美| 国产免费男女视频| 免费观看人在逋| 伦精品一区二区三区| 亚洲aⅴ乱码一区二区在线播放| 日韩,欧美,国产一区二区三区 | 婷婷亚洲欧美| 美女内射精品一级片tv| h日本视频在线播放| 亚洲欧美清纯卡通| 三级国产精品欧美在线观看| 别揉我奶头~嗯~啊~动态视频| 亚洲激情五月婷婷啪啪| 99热6这里只有精品| 亚洲欧美日韩无卡精品| 如何舔出高潮| av免费在线看不卡| 日日摸夜夜添夜夜添小说| a级毛片a级免费在线| 亚洲,欧美,日韩| а√天堂www在线а√下载| 网址你懂的国产日韩在线| 六月丁香七月| 日本黄色视频三级网站网址| 99在线视频只有这里精品首页| 男人舔奶头视频|