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

    Optimized Generative Adversarial Networks for Adversarial Sample Generation

    2022-08-24 07:02:52DaniyalAlghazzawiSyedHamidHasanandSurbhiBhatia
    Computers Materials&Continua 2022年8期

    Daniyal M.Alghazzawi,Syed Hamid Hasan,*and Surbhi Bhatia

    1Faculty of Computing and Information Technology,King Abdulaziz University,Jeddah,21589,Saudi Arabia

    2Department of Information Systems,College of Computer Sciences and Information Technology,King Faisal University,Saudi Arabia

    Abstract: Detecting the anomalous entity in real-time network traffic is a popular area of research in recent times.Very few researches have focused on creating malware that fools the intrusion detection system and this paper focuses on this topic.We are using Deep Convolutional Generative Adversarial Networks (DCGAN) to trick the malware classifier to believe it is a normal entity.In this work,a new dataset is created to fool the Artificial Intelligence(AI)based malware detectors,and it consists of different types of attacks such as Denial of Service(DoS),scan 11,scan 44,botnet,spam,User Datagram Portal (UDP) scan,and ssh scan.The discriminator used in the DCGAN discriminates two different attack classes (anomaly and synthetic)and one normal class.The model collapse,instability,and vanishing gradient issues associated with the DCGAN are overcome using the proposed hybrid Aquila optimizer-based Mine blast harmony search algorithm(AO-MBHS).This algorithm helps the generator to create realistic malware samples to be undetected by the discriminator.The performance of the proposed methodology is evaluated using different performance metrics such as training time,detection rate,F-Score,loss function,Accuracy,False alarm rate,etc.The superiority of the hybrid AO-MBHS based DCGAN model is noticed when the detection rate is changed to 0 after the retraining method to make the defensive technique hard to be noticed by the malware detection system.The support vector machines (SVM) is used as the malicious traffic detection application and its True positive rate (TPR) goes from 80% to 0% after retraining the proposed model which shows the efficiency of the proposed model in hiding the samples.

    Keywords: Aquila optimizer;convolutional generative adversarial networks;mine blast harmony search algorithm;network traffic dataset;adversarial artificial intelligence techniques

    1 Introduction

    The increase in the size and complexity of network host improves the chances of vulnerability attacks [1].To estimate the vulnerability of the host’s networks it is necessary to generate local vulnerabilities to analyze the global vulnerabilities.In the data mining [2]field the attack detection within network-based traffic has become a passionate field for the last few decades.There are several open data sets are available for network-based intrusion detection.However,those data become outdated sometimes and include several demerits.The network traffic [3]can be analyzed by using packet-based [4]or flow-based format [5].Our work concentrates on flow-based and for analyzing uses labeled datasets [6].Since the real flow-based traffic includes some issues like missing ground truth and consists of many flow structures.The labeling of the real network is arduous even for the experts and also includes time complexity.The sharing of the aforementioned traffic details is not possible due to the privacy settings.In contradiction to this,the labeled datasets only need a machine learning approach and can be easy to estimate the supervised and unsupervised anomaly intrusion detection.

    The effectiveness of anomaly-based intrusion detection[7,8]can be enhanced with the inclusion of large datasets that has a maximum variance.Hence it is ineluctable to construct a generative method that can create realistic traffic flow-based network traffic.Those datasets can be utilized to enrich the training of anomaly-based intrusion detection.The features of the collected network traffic have to be analyzed and to create the new flow-based network traffic on the basis of the collected one we have to approach a new method.To accomplish this we proposed a novel Deep convolutional-based Generative Adversarial Networks (DCGAN) to produce the synthetic data by performing learning from the given set of input data.These two neural networks in the proposed Generative Adversarial Networks(GAN)are the generator network G and the D the discriminator network.G will create the synthetic data and D can distinguish the synthetic as well as real-time network traffic.The complete flow of the network-based traffic can be generated by the proposed DCGAN approach.However,this exhibits several issues that include continuous and categorical features.To overcome those issues we have adopted an Aquila optimization-based Mind blast Harmony search(AO-MBHS)algorithm.The major contributions of the proposed work are listed below:

    A new network traffic dataset is generated using a real-time attack scenario and the data is labeled as normal,synthetic,and anomaly.

    The adversarial samples are generated via the hybrid AO-MBHS algorithm which makes the samples hard to be detected by other AI-based malware detection models.

    The AO and MBHS algorithm is used to optimize the hyperparameters of the DCGAN model to overcome the issues such as instability,vanishing gradients,and model collapse.The single type of output or a small set of outputs are produced via generator thereby occurring model collapse.A system itself is said to be unstable if at least one of its state variables is unstable.The multiple the gradients of later layers obtains a gradient of early layers in which the reason for vanishing gradient is that during backpropagation.

    In this way,a tradeoff between the exploration and exploitation phase is achieved which helps to generate malicious instances very similar to the real instances.

    The rest of the work is organized as follows,in Section 2 the relevant works of the proposed work are reviewed.In Section 3 the proposed methodology along with the adopted algorithms are explained in a wider context.The experimental analyses are illustrated in Section 4.Finally,the work is summarized in Section 5.

    2 Related Work

    The realistic flow-based network traffic was generated using a novel methodology,which was proposed by Ring et al.[9].For image generation,excellent results are obtained using GANs).The categorical attributes including port numbers or IP addresses present in the flow-based data inevitably.According to the CIDDS-001 dataset,the flow-based network traffic was generated.The high-quality data is generated based on the experimental investigations.The synthetic data realistic was inadequate.

    The learning cleanware features avoid malware detectors,which was introduced by Kawai et al.[10].According to the Generative Adversarial Network(GAN),malware avoidance detection is mainly focused.The learning methods were affected in which the previous learning models utilize multiple malware.Only one malware and various feature quantities with the differential learning algorithms were applied.The MalGAN learning is disturbed by considering the machine learning model.

    The adversarial malware was generated using a generative adversarial network(GAN)algorithm,which was proposed by Hu et al.[11].The black-box malware detection system was fitted using a substitute detector of MalGAN.The generated adversarial examples are minimized by training a generative network.The substitute detector predicts the GAN malicious probabilities,which were minimized by training the generative network.The zero detection rates were minimized via MalGAN.The generator weights control the probability distribution.Based on the retraining MalGAN,the probability distribution is continuously changed.This model is not suitable for machine learningoriented malware detection models due to computational complexities.

    In liver lesion classification,the GAN-based synthetic medical image augmentation was suggested by Adar et al.[12].The deep learning GANs present the generating synthetic medical images.The synthetic data augmentation utilizes generated medical images in which the Convolutional Neural Network(CNN)performance is improved.The GAN architectures were exploited to synthesize the liver lesion ROIs of high quality.While compared to the existing performance,the synthetic data augmentation,and classic data augmentation via CNN training.

    Deep learning-based DGA was proposed by Hyrum et al.[13].The generator learns to create a domain in the sequence of adversarial rounds.In order to harden other machine learning representations,the augment training sets domains generate a hypothesis of whether adversarially.The convergence is improved via training strategies by novel neural architectures.The reassembled competitively are encoder and decoder.

    Based on the literature analysis,we have identified few of research gaps such as the synthetic data realistic was inadequate,the MalGAN learning is disturbed by considering the machine learning model,the GAN is not suitable for machine learning-oriented malware detection models due to computational complexities.The synthetic data augmentation and classic data augmentation via CNN training while compared to the existing performance,the reassembled competitively are encoder and decoder and etc.

    3 Proposed Methodology

    Let us take a cl assifier C trained on a dataset DD?Rd,wheredis the input dimensionality.Let us assume thatis the jth instance in the training instance andaj∈Dis created using an unknown distribution(U).The ground truth label is represented asbj∈B.The classifier C which is trained on the intrusion detection dataset provides higher accuracy and the main aim of this work is to generate an adversarial instanceaadvthat can track the classifier C to predict it as a normal entity that looks similar to instancea.There are two types of attack and one is a targeted one whereas another is an untargeted attack[14,15].The classifierCused in the proposed methodology is DCGAN.For a sample(a,b),the adversary generates a targeted attack which equalsf (aadv)≠band thisimpliesan untargeted attack.In the target-based attack,a targetαis specified and this attack is executed by the adversary using the functionf (aadv)≠α.

    3.1 Formulation of the Hybrid AO-MBHS Algorithm

    3.1.1 Aquila Optimization Algorithm(AO)

    Aquila is the Latin word that is used to represent dark-colored eagles and they are mainly known for their predatory behavior.The Aquila optimizer[16]mainly comprises of four steps namely vertical stoop,short glide attack,slow descent attack,and walk and grab prey.Using these four steps,the AO algorithm moves to the near-optimal or best solutions obtained.

    Solution Initialization:The AO algorithm is started with a set of candidate solutions (C) that is arbitrarily generated in the population and is present between the upper (α) and lower bounds (β).The solutions are initialized as per Eq.(1).

    The candidate solutions generated at the current iteration are represented asCand they are randomly generated using Eq.(2).The position of theathsolution is represented asCa,the dimensionality of the problem is represented as?,and the total number of candidate solutions is represented asT.

    In Eq.(2),randrepresents the random number,αbis thebthupper boundary of the given problem,andβbis thebthlower boundary of the given problem.

    Statistical AO model:Using thei≤*Icondition,the AO algorithm switches from the exploration phase to the exploitation phase.The statistical model of the AO algorithm is created using the following steps:

    Expanded Exploration(C1):In this step,the prey area(search space)is selected by the Aquila using a high soar position with the vertical stoop.The behavior is mathematically modeled as follows:

    The solution present in the next iteration(i+1)is represented asC1(i+1)and is created using the initial search method (C1).The best solution (Cbest) obtained till thexthiterations represent the accurate location of the prey,iis the current iteration,Iis the maximum number of iterations,andrandis a random number in the interval 0 to 1.The exploration phase is managed by the equationthrough different iterations.The current solutions mean value is represented asCμ(i)and it is computed using the equation shown below:

    Narrowed Exploration(C2):Here the Aquila eagle finds the location of the prey from high soar and circles around it by preparing the attack and then conducting the attack.This way of attack is called a short glide with contour flight.This behavior is statistically modeled as shown below:

    The solution obtained in the next iteration by the narrow exploration is taken asC2(i+1)and the levy flight distribution is represented as and its value is obtained using the below equation.Crand(i)is the random solution taken in thexthiteration in the interval[1,T].

    wherelis a test value that equals 0.01 andm,pis a random number that falls in the interval[0,1].The s value is computed as shown in the equation below:

    The value ofρis constant and it is fixed as 1.5.The spiral shape of the attack is formed in the search space utilizing the values ofaand b shown in Eq.(5)and it is computed as shown below:

    At this juncture,

    k1takes a value among 1 and 20 for a fixed number of iterations,Zis a small value whose value is 0.00565,J1is the integer number from 1 to?,andσis a small value fixed as 0.005.

    Narrowed Exploration (C3):To identify the prey reaction,here the Aquila slide down vertically with a preliminary attack.This type of attack is known as a low-flight and slow descent attack.TheC3behavior is mathematically modeled as follows:

    Here,the solution obtained at the next iteration is represented asC3(i+1),ψ,φis the adjustment parameters used to control the exploitation phase and they are fixed as 0.1.

    Narrowed Exploitation(C4):In this stage,the Aquila optimizer lands near the prey using stochastic movements.Here the Aquila walks and grabs the prey at its final location.This behavior is statistically modeled as follows:

    In Eq.(14),the solution obtained at the next iteration is represented asC4(i+1)generated using narrow exploitation,and V is the quality function used to achieve the trade-off between the two phases(exploration and exploitation).The value of V is computed using the below equation:

    Eq.(16) describes the different motions (H1) of the AO algorithm in which it captures the prey when it tries to escape.

    The flight slope of the AO algorithm is modeled using Eq.(17)in which the prey capturing phase of the Aquila eagle is captured from the first location(1)to the last(i).H2value decreases from 2 to 0.

    3.1.2 MBHS Algorithm

    The MBHS algorithm [17,18]is an integration of the Harmony Search (HS) and Mine blast(MB)algorithm to form a 2-dimensional optimization problem.The HS algorithm offers satisfactory performance in the local search but its performance deteriorates in the local search.To overcome these drawbacks,both the concepts of MB and HS algorithms are used to enhance the exploration and exploitation strategies.In the MBA algorithm,the exploitation phase often offers poor performance when compared to its exploration phase.

    The HS algorithm is memory-based whereas the MBA algorithm is memoryless.The information extracted by the HS algorithm is stored by it whereas the MBA algorithm does not offer dynamic information extraction.The search history stored in the memory can be used to help in the generation and selection of new candidate solutions.In this way,the memory of the previous optimal solutions helps to improve the efficiency of the algorithm.The hybrid MBHS algorithm consists of two phases and in the first phase,the exploration is conducted using the MBA algorithm,and the exploitation phase is conducted using the memory consideration and pitch adjustment operators along with the MBA operators.In the optimization process,the solutions are generated by the MBA algorithm and the recombination is done by taking the adjacent structures of the pitch adjustment and memory into consideration.Thus the MBHS algorithm integrates the benefits of both the local search and population-based search methodologies to enhance the population diversity of the HS algorithm and also prevents the MBA algorithm from being trapped in the local minima.The complexity of the problem increases when finding a solution for more than three variables.The exploitation equation in the MBHS algorithm is altered to deal with the dimensionality of the search space.To achieve this objective,the direction is altered to move near the best solution in the search space.The new position update is shown in the below equation:

    where the Euclidean distance is represented asEd,Ciis the explosion that took place in the locationi,Cbestis the current best solution in the population,Cbest-1is the previous best solution in the population,eis the exploration factor,andiis the iteration number index.The second term in Eq.(18)helps to enhance the explosion point by taking the information obtained from bothCbestandCbest-1.In the HS algorithm,we are also using the features obtained from both the Improved Harmony Search Algorithm(IHSA) [19]and Parameter Search for Harmony search algorithm (PSHA) [20]for improving the user parameters of HS instead of using the conventional HS algorithm.The user parameters of the HS algorithm are Harmony Memory Consideration Rate (HMCR),Pitch Adjustment Rate (PAR),and bandwidth.The Dynamic Harmony Memory(DHM)is a new parameter introduced in the HS algorithm to induce variables of different sizes.The Harmony Memory Size (HMS) value in the MBHS algorithm is not fixed and it varies.The fixed parameter used in the HS algorithm affected its performance drastically hence it is altered in this algorithm.A high HMS value results in exploration and also causes divergence.Here the MHS value is only modified in the initial and final iterations whereas for other iterations it is constant.

    The HMS value is taken as the population size(Psize)to minimize the utilization of the number of user parameters.A minimized HMS value in the last iteration results in the current best solution for the exploitation phase.Theαparameter is the only user parameter taken from the MBA algorithm.The distance of shrapnel pieces(Sd)is equivalent to the bandwidth parameter used by the HS algorithm.Both parameters indicate the standard deviation to be computed.Hence the bandwidth parameter is integrated with theSdparameter and is reduced with different iterations as shown below:

    The HMCR and PAR parameter values are altered before the exploration phase as follows:

    The PAR value minimizes from 1 to 0 when the HMCR probability value rises from 0 to 0.99.A maximum value of 0.99 is allocated to the HMCR algorithm at the last iteration to create the random solutions.The HMCR and PAR value are altered only when there is no improvement in the objective function ort>e.The exploration phase is done by the MBHS algorithm when the value of(i≤e).If there is a reduction in the valueB(distance between the shrapnel pieces),then the exploitation phase is conducted only on the smart part of the global search space.The exploration phase of the algorithm loses relevance as the algorithm evolves,and the exploitation phase takes over(i>e).The local search is conducted at the end of the MBHS algorithm near the best current solution obtained.

    3.2 Proposed AO-MBHS Algorithm

    The proposed AO-MBHS algorithm integrates both the benefits(global searchability,fast convergence,etc.)of the AO and MBHS algorithm.To achieve this objective the AO and MBHS population is divided into two halves depending upon the fitness value of the individual.In the dynamic set formation,the population is divided into two halves based on the fitness value of each iteration.The AO algorithm is used to optimize the best half of the population and the MBHS algorithm is used to optimize the other half.The search operators with the same behavior may lead to the loss of diversity and this problem is overcome using the MBHS algorithm.Since the AO and MBHS algorithms parameters are different from each other,the AO-MBHS algorithm can enhance the capability of these algorithms by preventing them from being trapped in the local optima.In the search phase,the AO algorithm focuses on the local stage and the MBHS algorithm focuses on the global search.In this way,an efficient balance between the exploration and exploitation operators has been achieved.The MBHS algorithm uses the AO algorithm to optimize half of its population and to improve the convergence speed of the AO to lead to an easier convergence of the AO-MBHS algorithm.To the worst half of the population,the MBHS algorithm is applied to offer excellent exploration.This step prevents the worst half of the population from being trapped in locally optimal solutions and leads them to the global optimal solution.The AO-MBHS algorithm is formulated using the steps shown below:

    Initialization Information:The parameters such as the maximum number of function evaluations,initial iteration i=1,lower and upper boundaries of both algorithms,population sizePsize,fitness functionf(.),and problem dimensionality,etc.are taken as the initial parameters of the AO-MBHS algorithm.The current number of evaluations is set as 0 and the value ofeis set as 1.Based on the initialized parameters,a random population is generated(Ci).

    Population Evaluation:The fitness value of each individual in the population is computed depending upon the objective function which selects the optimal solutionCbest.The number of current function evaluations(FEcurrent)is computed using the below function

    End Condition:If theFEcurrentvalue is higher than the maximum number of function evaluations then the algorithm terminates or else it goes to the next step.

    Dynamic Group Formation:The individuals in the population are mainly ranked based on their fitness values and after ranking the populationCiis marked asCbest i.The best half of the population is labeled asDiand the worst half of the population is labeled asWi.These both populations can share their optimal solutions to enhance the convergence speed.

    Optimizing the Population:The MBHS algorithm is performed for the populationWi.Initially,the best solution in the population is replaced with the global solution and the hyperparameters of the DCGAN architecture are ranked based on the fitness value.In the final step,the new populationWi+1is obtained and the current number of function evaluations is updated using the equation shown below:

    The AO algorithm is applied to the best half of the populationDi.Every step in the AO algorithm is executed to getDi+1population.In the optimization process of the AO algorithm,the fitness value of each individual is computed twice.Then the current number of function evaluations is obtained using the below equation:

    Population Integration:Both populations(Wi+1andDi+1)are lastly integrated intoCi+1.The value ofBiis computed using Eq.(19)and theivalue is updated usingi=i+1.Execute the end condition once.The flowchart of the hybrid AO-MBHS algorithm is presented in Fig.1.Algorithm 1 explains the pseudocode of Hybrid AO-MBHS algorithm.

    Figure 1:Flowchart of the hybrid AO-MBHS algorithm

    Algorithm 1:Pseudocode of Hybrid AO-MBHS algorithm Initialize AO-MBHS algorithm parameters and maximum number of iterations The objective function evaluate the fitness value of each individual in the population Mark Cbest i after ranking the population Ci Wi labels the worst half of the population Di labels the best half of the population Form the dynamic formation Wi performs MBHS algorithm population The global solution replaces the best solution in the population Obtain new population using Wi+1 Integrates both Wi+1 and Di+1 populations i=i+1 Obtain best solution Return

    3.3 Optimization of DCGAN Using Hybrid AO-MBHS Algorithm

    The hyper parameters of DCGAN [9-12]are optimized in our work using the AO-MHBS algorithm which achieves a tradeoff between the exploration and exploitation stages.The GAN trains both the generator and discriminator in a simultaneous manner.The generator mainly takes an attack instance from the uniform distribution and generates the synthetic data very similar to that.The discriminator can correctly identify an actual attack and a synthetic attack and outputs the attack class accordingly.Using this strategy,the generator and discriminator play an adversarial role by modifying the DCGAN network weight and bias in each iteration.In this way,a synthetic attack is created which is similar to the actual attack.The AO-MBHS algorithm is mainly used to overcome different complexities associated with the DCGAN algorithm such as model collapse,instability,and vanishing gradients by tuning the DCGAN hyperparameters.The training algorithm used for the DCGAN is stochastic gradient descent with adam optimizer and the number of epochs used to train the adam optimizer is 2000.For a total of 70 epochs,the learning rate was taken as 0.002.The total number of search agents and iterations is set as 20.The batch size is 64 and the validation frequency is 1000.A sigmoid activation function is used as the discriminator.Using a zero centralized normal distribution with a B value of 0.02,the weight is initialized.

    3.4 Novel Network Traffic Dataset Creation

    The data is obtained from a real-time network which is utilized by different client organizations of varying sizes and mainly targeted towards different organizations.The network resembles a threetier Internet Service Provider(ISP).This implies that the network receives the traffic generated by the client during network access and the reception of these requests by the conventional servers.Hence this network traffic generated helps to identify a wide range of user behavior.Many intrusion detection datasets focus on the traces collected from a certain university,coffee shops,malls,libraries,etc.The main features of the network are described as follows:

    ? The internet access is provided via dual border routers namely R1 and R2.To analyze both the incoming and outgoing connections,a NetFlow probe is used.

    ? Two different subnetworks are utilized by the ISP in which one is the main network and another one is an inner network of the organization.The firewall service is only provided to the systems present inside of the organization.

    ? The attacker’s network is present in the upper tier of the ISP where the five attacker machines are installed and they are numbered asX1-X5.

    ? For dataset creation,we are deploying five victim systems in the core network which is connected with other clients in another network.This is known as the victim network(B1)and thesystems in this network are numbered fromB11-B15.

    ? In the internal infrastructure of the organization,an additional 15 victimized systems are placed and they are also interconnected with three different pre-existing networks.The pre-existing networks are equipped with five systems each.They are numbered as B2(B21-B25),B3(B31-B35),and B4(B41-B45).

    3.4.1 Generation of Attack Traffic

    When labeling real-time traffic we need to consider that the connections that are marked as attacks are really malicious or not.Hence we have integrated the real-time traffic that has attack traces with attacks that are generated for this experiment.To achieve this scenario,the victim systems are set with a similar ISP configuration used for the clients.The victim machinesB1-B4are set up to conduct attacks in the victim machines(Ba1-Ba5and the value ofaranges from 1-4 at different time intervals).To prevent the attack obstruction by other neighboring ISPs and detection of the malicious behavior in the network both the victims and attackers are placed inside the network.The border router is selected as the place to deploy the attacker’s network because it is where we can simulate the network traffic like it is generated from the internet.

    3.4.2 Attack Deployment

    In our work due to privacy reasons,we are not collecting the payload-related data and hence we do not include the attacks that are detectable by payload analysis.The two attack classes generated are synthetic and anomaly.The dos11,dos53s,dos53a,scan 11,scan 44,and botnet belong to the synthetic class,and the SPAM,UDP scan,and SSH scan belong to the anomaly class[21].Fig.2 presents the network topology of the attack generation scenario in detail.The network-related attacks taken in this work is described as follows:

    Figure 2:Attack creation scenario using the three-tier network topology

    Low Rate Denial of Service Attacks

    The Transmission Control Protocol (TCP) SYN packets are forwarded to the victims via the hping3 tool to combine the malicious traffic with the real world traffic the destination port is set as 80.Since this is a low-rate attack,the normal operations of the network are not affected.The different types of one to one DoS attack is delineated as follows:

    One to one DoS attack:Here the attackerX1attacks the victimB21and the time duration of this attack is 3 min.

    DoS53 synchronous:In this,the five attackers attack a total of three victims with a time period of 3 min.This attack has a specific structure such as(A1,A2)→B21,(A3,A4)→B31,andA5→B41.The DOS53 synchronous attacks imply that the attacks are conducted by the attackers at the same time.

    DoS53-asynchronous:Here three attacks are conducted with a time period of 3 min sequentially and an inactivity period of 30 s is present in between three attacks.The total duration of this attack is 10 min.

    Port Scanning

    A SYN scan is run continuously for 3 min to scan the common ports of the victims for 3 min using the nmap tool.Scan 11 (one to one scan attack) and scan44 (four to four scan attacks) are the two types of port scanning attacks conducted.The scan11 attack is carried in sequence while the scan44 attack is conducted in parallel.

    Botnet Traffic

    The botnet attacks are quite popular these days and hence a botnet attack is included in our work.Since we are not capable of handling the issues caused by the botnet attack in an open network,we are mixing the botnet traces obtained in a controlled environment with our network traffic.The attack created in this way is not fully realistic but it somewhat replicates the effect of the botnet attack.

    UDP Scan Attack

    This attack takes place in a short time with an increase of Acknowledgement(ACK)packets with the UDP connection.Each victim in the network is scanned with a specific range of 60 ports based on the source port of the connection.

    Secure Socket Shell(SSH)Scan Attack

    It originates with an increase in the SSH traffic generated by a single machine hosted in the Internet Service Provided.

    SPAM Attack

    To retrieve sensitive information from the users,this attack is conducted by sending a huge amount of unsolicited messages via instant messaging applications.This type of attack traffic is found in both the normal and attack sets.

    3.5 DCGAN Architecture for Adversarial Malware Generation

    Since a large labeled training dataset is needed to train the DCGAN network[22],we generated new samples using a generative model.The synthetic traffic generated is tested via a black box detector equipped with AI-based algorithms.We can get the results for our synthetic dataset from the black box detector.The adversarial instances probability distribution is identified by the weights of the generator.To enhance the AI-based black box detector’s efficiency,the samples in the test and training set follow the same probability distribution.The generator makes variations in the probability distribution of the malware instances present in both the testing and training dataset to confuse the black box detector.In this way,the generator confuses the AI-based BlackBox classifier’s efficiency.The outline of the model is shown in Fig.3.

    Figure 3:Outline of the proposed model

    GAN is a generative model and it implicitly learns the data distribution (A) from a set of samplesy(1),...,y(n)to create new samples from the learned distribution.In this paper,we have used a deep convolutional GAN architecture and both the generator and discriminator follow a DCNN architecture and it also acts as an AI-based malware detector.This model is formed by concatenating two neural networks trained concurrently.In this study,the novelty of the discriminator(D)network is to identify the difference between the real and synthesized network traffic.It is provided an input a and it outputs D(a) which is termed as the probability of the actual sample.Gis the name of the Generator network,and it creates samples to deceiveDinto believing it is agenuine sample with a high probability value.The generator receives samplesx(1),...,x(n)from a known sample distribution(px).The main aim of G is to retrieve the value of A.The following loss function needs to be optimized to create the adversarial network.

    The discriminator’s main aim is to increase theD(y)value of instances fory~Aand to decrease D(y) fory≠A.The generator generates malicious samples G(y) to fool the detector during the training process in whichD(G(x))~A.The generator is either trained to minimizeD(G(x))or maximize 1-D(G(x)).In the training process,the generator enhances its capability to generate more realistic samples and the discriminator enhances its capability to identify the difference between the actual and synthesized samples.The generator changes the malware feature vector into its adversarial version.It integrates both the noise vector(v)and malware features as input.Every element present in the vectorvdescribes an absence or presence of the feature.The outline of the proposed methodology is presented in Fig.3 and it is self-explanatory.Finally,the discriminator predicts normal,synthetic and anomalies.

    4 Experimental Analysis and Results

    The real intrusion network traffics similar to the synthetic intrusion network traffic of high quality.The detection rate is determined via model measurement as accuracy.The evaluation measures including accuracy(A),negative predictive value(NPV),positive predictive value(PPV),detection rate(DR),Recall,Precision,F-Score,and false alarm rate(FAR)are explained in this section.Accuracy is defined as the total number of correctly classified samples to the total number of samples tested.Recall can be defined as the total number of correctly classified positive data to the total number of positive data in the testing samples.Precision is the ratio of correctly classified positive data to the total number of positive data.F-score is defined as the weighted average of precision and recall.

    The proposed method detects the attack instances ratio signified using detection rate (DR).The misclassified normal instances ratio is signified using a false alarm rate (FAR).The proposed method performance is superior in terms of decreasing FAR with increasing DR.Tab.1 express the hyperparameter settings of proposed method.

    Table 1:Hyperparameter settings

    Table 1:Continued

    Fig.4 describes the training progress of the DGCAN based AOA MBHA with respect to accuracy and loss function as described in Figs.4a and 4b.The proposed model is trained by using seventy percentages of data and the remaining 30%is used for the testing process.Fig.4a describes the training progress of DGCAN based AOA MBHA accuracy curve.The training progress of DGCAN based AOA MBHA loss function curve is plotted in Fig.4a.In all epochs,we discovered minimum loss with superior accuracy by using the proposed method as shown in Fig.4.

    Figure 4:Training progress of the DGCAN based AOA MBHA,(a)Accuracy and(b)Loss

    Fig.5 describes the Receiver Operating Characteristic(ROC)curve results of the proposed method in attack generation.After each of four adversarial rounds,the ROC curve of the proposed model is plotted based on 10 folds cross-validation.After three rounds,the apparent asymptote with the number of adversarial rounds degrades the performance due to GAN generates confusion.The DGA detector performance is improved using the proposed method.After three rounds,the adversarial rounds are based on all the subsequent experiments.

    Figure 5:ROC curve results of proposed work

    The experimental result of cross-validation is described in Fig.6.The data is divided intoktimes for both training and testing in which an important instrument to predicting network performance is cross-validation.The proposed work performance is validated over ten iterations (k=10) in the present work.Thekandk-subsets1is are used for both training and testing procedures.Calculate the error rate.

    Figure 6:Experimental result of cross-validation

    The different learning rate with loss function value is depicted in Fig.7.When the learning rate is 0.01,0.001,and 0.0001 values that compared the loss function in order to validate the effect of epoch number on the proposed technique.This graph is plotted between the number of iterations and the resultant dependency of loss functions.The number of iterations is represented in theXcoordinate and the loss function value is represented using theYcoordinate.This investigation consists of 100 to 1000 iterations.

    Figure 7:Different learning rate with the loss function value

    Tab.2 describes the state-of-art comparison of the meta-heuristic algorithm.This investigation is carried out among the measures such as accuracy,NPV,and PPV with the pattern search (PS)[22],genetic algorithm(GA)[23],simulated annealing(SA)[24],particle swarm optimization(PSO)[25],Grey Wolf Optimization(GWO)[26]and proposed algorithm.The proposed algorithm provides superior results such as 99.17%accuracy,99.35%NPV,and 97.67%PPV results.

    Table 2:State-of-art comparison of meta-heuristic algorithm

    4.1 Detection Analysis

    To analyze the performance of the proposed DCGAN based AO-MBHS based approach we have deemed a maximum number of ground-truth information.To compare the performance we have taken the DCGAN approach.The comparative analysis is depicted in Fig.8.

    Fig.9 shows the attack detection performance of proposed and DCGAN approaches for up to 200 K samples.The proposed method shows a better detection F-score than the DCGAN.For 200 k samples,the detection F-Score of the proposed method is almost equal to 0.9923 and the DCGAN shows a 0.5609 F-score.Thus our method performs well for maximum ground-truth information.

    Figure 8:Detection analysis F-score

    Figure 9:Performance analysis of detection of attacks created by various methods along with their training costs

    4.2 Training Loss Analysis

    The tradeoff that occurs between the F-score and increasing training time of the attacker are illustrated in Fig.9.The F-score has been decreased with the training of larger methods.When the training size increases from 128 to 256 then the performance dropped greatly.Thus the increase in method size will increase the computational complexity.

    The training loss of six models including 3 plain models and 3 residual models are analyzed and plotted in Fig.10.The training loss of residual blocks is small since it will represent the network degradation issues.From the Fig.10,it is evident that the training loss values decreased continuously with the training process increases.From the figure when the epoch reached 20 the training loss decreases sharply.

    Figure 10:Performance analysis based on training loss

    4.3 Classification of Attacks Analysis

    The detection of proposed work can be evaluated by considering the attacks such as DoS11,DoS53s,DoS53a,Scan11,Scan44,Botnet,IP in Blacklist,UDP Scan,SSH Scan,SPAM with the existing works such as SVM[27],MLP[28],Faster RCNN[29],CNN[30],and DCGAN approaches[31].Fig.11 shows the recall values of all the classifiers that have been taken.Our proposed method shows better classification due to the higher recall values.The recall values depend on the type of attacks and for minor attackers the recall value is low for all types of classifiers and major attacks the recall value is high and our proposed method exhibits better classification outcomes.

    Figure 11:Classification of attacks based on the recall and accuracy

    4.4 Performance Evaluation Using Retraining Based Defensive Approach

    The performance of the proposed model is evaluated using the retraining-based defensive approach in this section.Using our new dataset created the SVM classifier [32]is trained using the adversarial samples to detect the presence of a malicious entity.Before retraining the proposed classifier,the SVM classifier[33]is able to classify 80%of samples but after retraining the proposed hybrid AO-MBHS optimized DCGAN classifier,the SVM classifier can barely recognize any adversarial instances.The results obtained are demonstrated using Tab.3.The TPR of the SVM classifier is reduced from 80%to 0%in a single epoch of retraining the proposed model.The proposed model is run a total of ten times and the result is the same for all.

    Table 3:Performance evaluation using retraining based defensive approach

    5 Conclusion

    The paper presents a hybrid AO-MBHS based DGCA model to generate network traffic instances that are undetected by the AI-based malware detector algorithms.The AI-based malicious detectors act as malware detectors.The malware network traffic is generated via the generator equipped with a DCNN architecture which fools the detector in discriminating the samples.Real-time network traffic that has attack traces is used in the experiment using an ISP configuration by placing both the attackers and victims inside the network.To identify the malicious content generated by the dataset,the intrusion detection system developers need to construct a large dataset with enough adversarial traffic.But this process is time-consuming and labeling them is a manually intensive task.The SVM is used as the malicious traffic detection application and its TPR rate goes from 80%to 0%after retraining the proposed model which shows the efficiency of the proposed model in hiding the samples.When trained with different performance metrics,the proposed methodology provides efficient F-Score,low loss rate,higher accuracy,and higher NPV and PPV values.The percentage of error rate is low even during cross-validation and the proposed methodology also shows high ROC values in generating the attacks.

    Funding Statement:This project was funded by the Deanship of Scientific Research (DSR) at King Abdulaziz University,Jeddah,under Grant No.RG-91-611-42.The authors,therefore,acknowledge with thanks to DSR technical and financial support.

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

    国产精品98久久久久久宅男小说| 色av中文字幕| 欧美zozozo另类| 在线免费观看的www视频| 亚洲av成人不卡在线观看播放网| 波野结衣二区三区在线| 国产精品99久久久久久久久| 国产av一区在线观看免费| 欧美中文日本在线观看视频| 亚洲av免费高清在线观看| 日日干狠狠操夜夜爽| 欧美性猛交黑人性爽| 久久久精品欧美日韩精品| 免费电影在线观看免费观看| 美女大奶头视频| 国产极品精品免费视频能看的| 亚洲午夜理论影院| 精品一区二区三区av网在线观看| 男人狂女人下面高潮的视频| 午夜激情福利司机影院| 成年人黄色毛片网站| 亚洲av第一区精品v没综合| 久久久久久久久大av| 丰满人妻一区二区三区视频av| 亚洲专区中文字幕在线| 三级男女做爰猛烈吃奶摸视频| 91狼人影院| 欧美潮喷喷水| 欧美极品一区二区三区四区| 天天躁日日操中文字幕| 亚洲最大成人av| 精品久久国产蜜桃| 国产高清视频在线播放一区| 人妻制服诱惑在线中文字幕| 久久精品国产亚洲av天美| 久久久国产成人免费| 夜夜夜夜夜久久久久| 十八禁人妻一区二区| 男女之事视频高清在线观看| 色噜噜av男人的天堂激情| 亚洲精品一区av在线观看| 在线观看舔阴道视频| 欧美3d第一页| 99在线视频只有这里精品首页| 91久久精品国产一区二区成人| 我要看日韩黄色一级片| 观看美女的网站| 欧美性猛交黑人性爽| 黄片小视频在线播放| 热99在线观看视频| 久久久成人免费电影| 91av网一区二区| 人妻夜夜爽99麻豆av| 人妻丰满熟妇av一区二区三区| 麻豆成人av在线观看| 亚洲av二区三区四区| av在线蜜桃| 亚洲美女视频黄频| 一区福利在线观看| 精品久久久久久久久av| 岛国在线免费视频观看| 精品无人区乱码1区二区| 国产精品一区二区免费欧美| 两性午夜刺激爽爽歪歪视频在线观看| 看十八女毛片水多多多| 在线观看av片永久免费下载| 久久精品夜夜夜夜夜久久蜜豆| 久久99热这里只有精品18| 精品久久久久久久久av| 观看美女的网站| 无人区码免费观看不卡| 成人欧美大片| 欧美日韩综合久久久久久 | 一个人免费在线观看电影| 亚洲狠狠婷婷综合久久图片| 色播亚洲综合网| 久久久久性生活片| av在线老鸭窝| 91狼人影院| 欧美日韩黄片免| 一a级毛片在线观看| 国产成人福利小说| 在线观看美女被高潮喷水网站 | 麻豆av噜噜一区二区三区| 亚洲天堂国产精品一区在线| 国产成+人综合+亚洲专区| 熟女电影av网| 国产真实伦视频高清在线观看 | 国产av不卡久久| 一个人观看的视频www高清免费观看| 美女cb高潮喷水在线观看| 国产麻豆成人av免费视频| 成年免费大片在线观看| xxxwww97欧美| 欧美另类亚洲清纯唯美| 可以在线观看的亚洲视频| 老司机午夜十八禁免费视频| 国产成人欧美在线观看| 午夜福利成人在线免费观看| 亚洲精品456在线播放app | 色视频www国产| 亚洲久久久久久中文字幕| 非洲黑人性xxxx精品又粗又长| 在线免费观看不下载黄p国产 | 亚洲七黄色美女视频| 免费搜索国产男女视频| 日本免费a在线| 亚洲精品粉嫩美女一区| 国产一区二区在线av高清观看| 少妇的逼好多水| 高清日韩中文字幕在线| 欧美日韩中文字幕国产精品一区二区三区| 中文字幕熟女人妻在线| а√天堂www在线а√下载| 欧美成人a在线观看| 免费人成视频x8x8入口观看| 亚洲精品影视一区二区三区av| 成年人黄色毛片网站| 一级黄片播放器| 亚洲久久久久久中文字幕| 国产 一区 欧美 日韩| 老师上课跳d突然被开到最大视频 久久午夜综合久久蜜桃 | 首页视频小说图片口味搜索| 欧美在线一区亚洲| 亚洲无线在线观看| 久久精品综合一区二区三区| 国产一区二区激情短视频| 日韩欧美三级三区| 欧美午夜高清在线| 我的女老师完整版在线观看| 国产一区二区三区在线臀色熟女| 欧美性猛交╳xxx乱大交人| 超碰av人人做人人爽久久| 99久久无色码亚洲精品果冻| 在现免费观看毛片| 麻豆成人午夜福利视频| 丰满人妻熟妇乱又伦精品不卡| 一进一出好大好爽视频| 久久久精品欧美日韩精品| 成人性生交大片免费视频hd| 亚洲av成人精品一区久久| 一个人看的www免费观看视频| 国产探花极品一区二区| 亚洲人成网站高清观看| av黄色大香蕉| av线在线观看网站| 亚洲精品乱码久久久v下载方式| 欧美潮喷喷水| 欧美激情久久久久久爽电影| 一个人看视频在线观看www免费| 国产午夜精品一二区理论片| 日韩电影二区| 99久久精品一区二区三区| 老师上课跳d突然被开到最大视频| 精品久久久噜噜| 国产色婷婷99| 免费人成在线观看视频色| 日韩视频在线欧美| 国产在线男女| 国产毛片在线视频| 人人妻人人爽人人添夜夜欢视频 | a级一级毛片免费在线观看| 波多野结衣巨乳人妻| 色5月婷婷丁香| 十八禁网站网址无遮挡 | 视频中文字幕在线观看| 亚洲欧美日韩卡通动漫| 欧美激情在线99| 亚洲精品久久午夜乱码| 亚洲精品色激情综合| 麻豆国产97在线/欧美| 色哟哟·www| 国产精品精品国产色婷婷| 国模一区二区三区四区视频| 国产老妇伦熟女老妇高清| 热re99久久精品国产66热6| 真实男女啪啪啪动态图| 精品视频人人做人人爽| 欧美+日韩+精品| 亚洲国产高清在线一区二区三| 亚洲av欧美aⅴ国产| 欧美日韩视频精品一区| 亚洲精品乱久久久久久| 国国产精品蜜臀av免费| 国产免费一区二区三区四区乱码| av国产久精品久网站免费入址| 下体分泌物呈黄色| 亚洲精品成人av观看孕妇| 建设人人有责人人尽责人人享有的 | 国产欧美日韩一区二区三区在线 | 欧美3d第一页| 极品少妇高潮喷水抽搐| 久久久欧美国产精品| 国产黄片美女视频| 人妻夜夜爽99麻豆av| av免费观看日本| 精品国产三级普通话版| 99久久中文字幕三级久久日本| 夫妻午夜视频| 大片免费播放器 马上看| 亚洲国产色片| 中文字幕制服av| 天堂网av新在线| 91精品一卡2卡3卡4卡| 精品国产一区二区三区久久久樱花 | 人妻少妇偷人精品九色| 精品一区二区三卡| 国产成人freesex在线| 1000部很黄的大片| 中文字幕av成人在线电影| 亚洲自偷自拍三级| 精品一区在线观看国产| 日韩强制内射视频| 69av精品久久久久久| 国产精品嫩草影院av在线观看| 日本一二三区视频观看| 乱系列少妇在线播放| 国产乱来视频区| 亚洲久久久久久中文字幕| 成人综合一区亚洲| 中国美白少妇内射xxxbb| 欧美激情久久久久久爽电影| 人体艺术视频欧美日本| 纵有疾风起免费观看全集完整版| 人妻夜夜爽99麻豆av| 中文欧美无线码| 男女边吃奶边做爰视频| 国产精品久久久久久av不卡| 国产精品99久久99久久久不卡 | 又粗又硬又长又爽又黄的视频| 亚洲高清免费不卡视频| 国产大屁股一区二区在线视频| 欧美激情国产日韩精品一区| 国产黄频视频在线观看| 免费av观看视频| 亚洲人成网站在线观看播放| 日本-黄色视频高清免费观看| 97人妻精品一区二区三区麻豆| 欧美精品国产亚洲| 免费观看性生交大片5| 亚洲欧美清纯卡通| 久久99热6这里只有精品| 国产91av在线免费观看| 99久久精品一区二区三区| 国产毛片a区久久久久| 国产免费福利视频在线观看| 神马国产精品三级电影在线观看| 亚洲熟女精品中文字幕| 成人国产av品久久久| 真实男女啪啪啪动态图| 国产探花在线观看一区二区| 特级一级黄色大片| 国产白丝娇喘喷水9色精品| 两个人的视频大全免费| 街头女战士在线观看网站| 中文精品一卡2卡3卡4更新| 久久人人爽av亚洲精品天堂 | 精品人妻一区二区三区麻豆| 免费黄色在线免费观看| 欧美成人精品欧美一级黄| 久久久欧美国产精品| 制服丝袜香蕉在线| 最新中文字幕久久久久| 国产黄a三级三级三级人| 大片免费播放器 马上看| 人妻少妇偷人精品九色| 在线观看人妻少妇| 岛国毛片在线播放| 久久99精品国语久久久| 精品久久久久久久久av| 一级毛片我不卡| 国产欧美日韩一区二区三区在线 | 亚洲不卡免费看| 高清视频免费观看一区二区| 蜜臀久久99精品久久宅男| 久久久久久久午夜电影| 久久久久国产精品人妻一区二区| 亚洲精品乱码久久久v下载方式| 色5月婷婷丁香| 你懂的网址亚洲精品在线观看| 亚洲伊人久久精品综合| 免费大片18禁| 久久久色成人| 国产精品久久久久久精品古装| 国产淫语在线视频| .国产精品久久| 国产亚洲5aaaaa淫片| 中国三级夫妇交换| 午夜亚洲福利在线播放| 亚洲精品第二区| videos熟女内射| .国产精品久久| 亚洲欧美精品专区久久| 在线观看三级黄色| 亚洲最大成人手机在线| 欧美高清性xxxxhd video| 十八禁网站网址无遮挡 | 99九九线精品视频在线观看视频| 男插女下体视频免费在线播放| 国产又色又爽无遮挡免| 亚洲成人中文字幕在线播放| 久久6这里有精品| 免费黄网站久久成人精品| 久久久久国产网址| 男女啪啪激烈高潮av片| 亚洲色图综合在线观看| 亚洲人成网站在线播| 国产欧美亚洲国产| 亚洲精品成人久久久久久| 色视频在线一区二区三区| 蜜桃久久精品国产亚洲av| 久久精品国产亚洲av涩爱| 街头女战士在线观看网站| 超碰av人人做人人爽久久| 2021少妇久久久久久久久久久| 新久久久久国产一级毛片| 伦理电影大哥的女人| 日韩中字成人| 欧美zozozo另类| 国产黄色视频一区二区在线观看| 欧美 日韩 精品 国产| av线在线观看网站| 国内精品美女久久久久久| 91久久精品国产一区二区三区| 国产片特级美女逼逼视频| 成人美女网站在线观看视频| 国产精品偷伦视频观看了| 一区二区三区免费毛片| 成年女人在线观看亚洲视频 | 久久久精品94久久精品| 久久国内精品自在自线图片| 又爽又黄a免费视频| 欧美xxⅹ黑人| 国产亚洲91精品色在线| 国产精品久久久久久精品电影小说 | 联通29元200g的流量卡| 身体一侧抽搐| 2018国产大陆天天弄谢| 大香蕉97超碰在线| 天堂网av新在线| 成人毛片60女人毛片免费| 九色成人免费人妻av| 好男人在线观看高清免费视频| 一级毛片aaaaaa免费看小| 欧美区成人在线视频| 日本wwww免费看| 国产在视频线精品| 中文在线观看免费www的网站| 美女脱内裤让男人舔精品视频| 亚洲综合色惰| 久久国内精品自在自线图片| 国产淫语在线视频| 纵有疾风起免费观看全集完整版| 日韩精品有码人妻一区| 亚洲高清免费不卡视频| 国产在线一区二区三区精| 美女脱内裤让男人舔精品视频| 国产成人免费观看mmmm| 亚洲国产最新在线播放| 国产大屁股一区二区在线视频| 国产有黄有色有爽视频| 国产一区亚洲一区在线观看| 国产精品久久久久久精品电影小说 | 日日撸夜夜添| 男人和女人高潮做爰伦理| 夜夜爽夜夜爽视频| 最近中文字幕2019免费版| xxx大片免费视频| 国产人妻一区二区三区在| 国产在线男女| 又大又黄又爽视频免费| 黄色视频在线播放观看不卡| 精品酒店卫生间| 我要看日韩黄色一级片| 国产免费又黄又爽又色| 亚洲国产av新网站| 五月天丁香电影| 欧美老熟妇乱子伦牲交| 少妇被粗大猛烈的视频| 日日摸夜夜添夜夜爱| 熟妇人妻不卡中文字幕| 搞女人的毛片| 欧美bdsm另类| 久久午夜福利片| 中文在线观看免费www的网站| av.在线天堂| 日韩大片免费观看网站| 国产人妻一区二区三区在| 人人妻人人看人人澡| 中文欧美无线码| 亚洲国产精品成人综合色| 真实男女啪啪啪动态图| 欧美xxⅹ黑人| 久久影院123| 一级av片app| 精品熟女少妇av免费看| 综合色丁香网| 国产高清三级在线| 亚洲精品自拍成人| 色播亚洲综合网| 国产又色又爽无遮挡免| 亚洲综合色惰| 三级国产精品片| 波野结衣二区三区在线| 亚洲精品色激情综合| 99热6这里只有精品| 伦理电影大哥的女人| 精品久久久久久久久av| 晚上一个人看的免费电影| 看免费成人av毛片| 99热网站在线观看| 国产老妇伦熟女老妇高清| 看黄色毛片网站| 国产真实伦视频高清在线观看| 免费观看无遮挡的男女| 极品少妇高潮喷水抽搐| 人妻夜夜爽99麻豆av| 亚洲最大成人av| 如何舔出高潮| 全区人妻精品视频| 日本猛色少妇xxxxx猛交久久| 丝袜脚勾引网站| 成人午夜精彩视频在线观看| 2022亚洲国产成人精品| 激情五月婷婷亚洲| 性色av一级| 亚洲av二区三区四区| 日日撸夜夜添| 国产精品久久久久久精品电影小说 | 九色成人免费人妻av| 99热全是精品| 亚洲欧美日韩东京热| 日韩不卡一区二区三区视频在线| 97热精品久久久久久| 成年女人在线观看亚洲视频 | 亚洲国产色片| 少妇高潮的动态图| 中文精品一卡2卡3卡4更新| 少妇熟女欧美另类| 亚洲欧美精品自产自拍| 男男h啪啪无遮挡| 精品久久久噜噜| 自拍偷自拍亚洲精品老妇| 天天躁日日操中文字幕| 成人一区二区视频在线观看| 91aial.com中文字幕在线观看| 久久午夜福利片| 波多野结衣巨乳人妻| 在线观看一区二区三区| 成年人午夜在线观看视频| 久久精品国产亚洲av涩爱| 国产成年人精品一区二区| 国产视频内射| 精品熟女少妇av免费看| 久久精品久久精品一区二区三区| 亚洲精品一区蜜桃| 亚洲精品视频女| 丰满少妇做爰视频| 人人妻人人看人人澡| 搡女人真爽免费视频火全软件| 丝袜脚勾引网站| 久久久久国产网址| 欧美另类一区| 成年av动漫网址| 亚洲精品亚洲一区二区| 亚洲av免费高清在线观看| 亚洲欧美日韩另类电影网站 | 久久久久精品性色| 看十八女毛片水多多多| 麻豆国产97在线/欧美| 亚洲美女搞黄在线观看| 日韩人妻高清精品专区| 欧美xxxx黑人xx丫x性爽| kizo精华| 一本色道久久久久久精品综合| 国产一级毛片在线| 欧美精品一区二区大全| 亚洲精品影视一区二区三区av| kizo精华| 国产精品一及| 又爽又黄无遮挡网站| 麻豆久久精品国产亚洲av| av卡一久久| 亚洲丝袜综合中文字幕| 久久久成人免费电影| 久久99热6这里只有精品| 国产永久视频网站| 高清欧美精品videossex| 久久久久久久久久成人| 少妇的逼好多水| 特大巨黑吊av在线直播| 成人毛片a级毛片在线播放| 久久6这里有精品| 久久久久久久久久成人| 精品久久国产蜜桃| 精品一区二区三卡| 99久久精品热视频| 日本黄色片子视频| 1000部很黄的大片| 成人无遮挡网站| 黄色一级大片看看| 精品少妇久久久久久888优播| 男女无遮挡免费网站观看| 99久久精品热视频| 婷婷色av中文字幕| 交换朋友夫妻互换小说| 毛片一级片免费看久久久久| 午夜免费男女啪啪视频观看| 高清日韩中文字幕在线| 免费看日本二区| 成人毛片a级毛片在线播放| 国产精品久久久久久av不卡| 国产精品不卡视频一区二区| 日韩三级伦理在线观看| 久久久久久久国产电影| 2022亚洲国产成人精品| 亚洲av免费高清在线观看| 成人免费观看视频高清| 成人漫画全彩无遮挡| 免费少妇av软件| 日本wwww免费看| 干丝袜人妻中文字幕| 身体一侧抽搐| 欧美成人一区二区免费高清观看| 国产精品不卡视频一区二区| 国产男人的电影天堂91| 久久久久久久国产电影| 国产极品天堂在线| 禁无遮挡网站| 女人久久www免费人成看片| 综合色av麻豆| 一级爰片在线观看| 少妇人妻 视频| 热re99久久精品国产66热6| 交换朋友夫妻互换小说| 最后的刺客免费高清国语| 亚洲,欧美,日韩| 夫妻午夜视频| 国产成人a区在线观看| 久久99热这里只有精品18| 美女视频免费永久观看网站| 亚洲精品乱码久久久久久按摩| 美女cb高潮喷水在线观看| 国产黄片美女视频| 嫩草影院新地址| 欧美老熟妇乱子伦牲交| 一级a做视频免费观看| 国产色爽女视频免费观看| 视频区图区小说| 亚洲精品中文字幕在线视频 | 日本wwww免费看| 极品教师在线视频| 日本与韩国留学比较| 久久99热6这里只有精品| 91午夜精品亚洲一区二区三区| 男人和女人高潮做爰伦理| 人体艺术视频欧美日本| 18禁在线无遮挡免费观看视频| 黄色一级大片看看| 欧美zozozo另类| 亚洲色图av天堂| 日日摸夜夜添夜夜爱| 国产一区二区三区综合在线观看 | 国产精品国产av在线观看| 亚洲自偷自拍三级| 亚洲天堂国产精品一区在线| 国内揄拍国产精品人妻在线| 如何舔出高潮| av免费观看日本| 美女视频免费永久观看网站| 国产亚洲5aaaaa淫片| 亚洲人与动物交配视频| 国内少妇人妻偷人精品xxx网站| 亚洲四区av| 精品熟女少妇av免费看| 18禁裸乳无遮挡免费网站照片| 亚洲成色77777| 在线观看免费高清a一片| 久久久久国产网址| 日韩成人av中文字幕在线观看| 在线精品无人区一区二区三 | 免费不卡的大黄色大毛片视频在线观看| 亚洲图色成人| 男女下面进入的视频免费午夜| 国产精品伦人一区二区| 日韩欧美精品v在线| 韩国高清视频一区二区三区| 纵有疾风起免费观看全集完整版| 2021少妇久久久久久久久久久| 精品国产露脸久久av麻豆| 最后的刺客免费高清国语| 在线天堂最新版资源| 亚洲欧美清纯卡通| 欧美三级亚洲精品| 国内精品宾馆在线| 纵有疾风起免费观看全集完整版| 日韩亚洲欧美综合| 亚洲欧美精品自产自拍| 五月天丁香电影| 成人毛片a级毛片在线播放| 久久久久精品性色| 国产黄色免费在线视频| 99热全是精品| 亚洲精品,欧美精品| 建设人人有责人人尽责人人享有的 | 一二三四中文在线观看免费高清| 日韩,欧美,国产一区二区三区| 亚洲av一区综合| 国产探花极品一区二区| 69人妻影院| 色网站视频免费| 国产精品久久久久久精品电影小说 | 成人欧美大片| 亚洲最大成人av| 色5月婷婷丁香|