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

    Sparse Adversarial Learning for FDIA Attack Sample Generation in Distributed Smart Grids

    2024-03-02 01:34:06FengyongLiWeichengShenZhongqinBiandXiangjingSu

    Fengyong Li,Weicheng Shen,Zhongqin Bi and Xiangjing Su

    1College of Computer Science and Technology,Shanghai University of Electric Power,Shanghai,201306,China

    2College of Electrical Engineering,Shanghai University of Electric Power,Shanghai,201306,China

    ABSTRACT False data injection attack(FDIA) is an attack that affects the stability of grid cyber-physical system (GCPS) by evading the detecting mechanism of bad data.Existing FDIA detection methods usually employ complex neural network models to detect FDIA attacks.However,they overlook the fact that FDIA attack samples at public-private network edges are extremely sparse, making it difficult for neural network models to obtain sufficient samples to construct a robust detection model.To address this problem,this paper designs an efficient sample generative adversarial model of FDIA attack in public-private network edge,which can effectively bypass the detection model to threaten the power grid system.A generative adversarial network (GAN) framework is first constructed by combining residual networks(ResNet)with fully connected networks(FCN).Then,a sparse adversarial learning model is built by integrating the time-aligned data and normal data, which is used to learn the distribution characteristics between normal data and attack data through iterative confrontation.Furthermore,we introduce a Gaussian hybrid distribution matrix by aggregating the network structure of attack data characteristics and normal data characteristics, which can connect and calculate FDIA data with normal characteristics.Finally, efficient FDIA attack samples can be sequentially generated through interactive adversarial learning.Extensive simulation experiments are conducted with IEEE 14-bus and IEEE 118-bus system data,and the results demonstrate that the generated attack samples of the proposed model can present superior performance compared to state-of-the-art models in terms of attack strength,robustness,and covert capability.

    KEYWORDS Distributed smart grid;FDIA;adversarial learning;power public-private network edge

    1 Introduction

    With the continuous advancement of smart grid construction, the traditional power system is deeply integrated with information control equipment and communication sensor networks to form the grid cyber-physical system (CPS) [1].The new energy internet contains a high proportion of distributed new energy, which is a large-scale power CPS that can more effectively leverage the advantages brought by information fusion.However,the CPS used in smart grids and other Industrial Internet of Things (IIoT) networks face huge security challenges, especially in today’s increasingly serious threat of network attacks,and are also more susceptible to network attacks.Network attacks will not only damage the normal functions of the information system,but also may be transmitted to the physical system,threatening the safe operation of the power system[2].Tian et al.[3]conducted in-depth research on the unique security issues surrounding safety critical CPSs.They proposed two adversarial attack methods based on regression models and produced almost imperceptible adversarial images, which pose a significant threat to the navigation and control of unmanned aerial vehicles(UAV).State estimation is the calculation of the state of the power grid system based on the raw measurement values collected by supervisory control and data acquisition(SCADA),and plays a very important role in the control center.In particular,damaged system state estimation may interfere with the operation of the power system,as many power system applications are dependent on the results of state estimation[4].Among prevalent network attacks,FDIA represents a common attack vector that compromises the integrity of power grid information systems.Its main goal is to tamper with power grid measurement data through false attack data injection to damage power system state estimation[5],thereby causing line congestion[6],power outage[7],communication congestion,etc.It is one of the most threatening attack methods to the power system.

    In recent years,there have been multiple large-scale power network security incidents worldwide,including scenes of using data tampering mechanisms for attacks.Taking the attacks on Ukrenergo as an example, Ukrenergo suffered two network attacks in 2015 and 2016, where attackers injected false data and deleted original data into the SCADA system, resulting in huge economic losses and social unrest[8].These events indicate that attackers will bypass bad data detection(BDD)through carefully designed fake data, and their network attacks will pose a huge threat to the power grid.Therefore,a large amount of research work has been carried out in society to defend against FDIA.For example,Luo et al.[9]used adaptive kalman filter to estimate the internal state and noise of the system.Cheng et al.[10]introduced a highly discriminative FDIA detector known as thek-smallest residual similarity (kSRS) test.This method achieves high detection rates and low false alarm rates for FDIA by portraying the statistical consistency of measurement residuals in AC state estimation.In addition,FDIA detection methods based on artificial intelligence have been proposed,such as support vector machine(SVM)[11],convolutional neural network(CNN)[12],random forest(RF)[13],etc.This type of method does not require pre-acquisition of power system model parameter information,possesses substantial computing power,can detect attacks quickly and on a large scale,and can achieve some good results.However,the above methods rely on cloud computing technology,and all collected data is processed and applied in the data center of the power grid.Limited communication and storage resources make the power grid lack the ability to process data in real-time,which can result in some key operations of the power grid not being executed in a timely manner.Therefore,to further enhance attack sample impact,real-time sample generation at the public-private network edge is necessitated,circumventing the existing centralized FDIA detection.

    Furthermore, in order to better predict potential FDIA attacks in the power public-private network edge,domestic and foreign researchers have developed various studies to investigate possible methods for constructing FDIA[14,15].On the one hand,some literature focuses on the direction of constructing false data injection attack vectors.For example,a continuous FDIA[16]was proposed to increase the attack time span to a certain period and identify the sequence of lines that need to be heavily protected.Liu et al.[17]designed a sparse attack strategy that is also applicable to situations where topology information is incomplete.Tian et al.[18]introduced adversarial examples and FDIAs(AFDIAs) to study state estimation attack scenarios in power systems.By adding perturbations to state variables instead of measured values, the attack can be carried out covertly and avoid being detected by BDD.This method optimizes the final effect of the attack.On the other hand, due to the relative closeness of the private network side of the virtual power plant (VPP), the information flow attack behavior of the public network in the actual scene is difficult to easily cross the protection of the public and private boundaries, and the attack samples are extremely rare or even difficult to obtain.The emergence of some sample construction methods based on artificial intelligence provides new ideas.For example, Ehrhart et al.[19] designed a GAN framework combining long short-term memory(LSTM)network with fully convolutional network(FCN),which can generate the training data set of time series better.Rao et al.[20]proposed an intrusion data enhancement method based on the combination of generative adversarial network and deep neural network, which generated highquality false data injection(FDI)attack samples and solved the problem of insufficient attack samples in the virtual power plant scene.Gao et al.[21] utilized GANs’ability to learn features from input data and proposed GAN-based automatic property generation (GAPG) to automatically generate verification properties that support model checking.This innovative approach shows promise in automating property generation for model checking,reducing the need for manual specification.Dina et al.[22] used conditional generative adversarial network to generate synthetic samples to balance attack intrusion sample set, solved the problem of data set imbalance caused by insufficient attack samples,and studied the impact of generated attack samples on various machine learning classifiers.

    Overall,FDIA attack samples that are constructed from the attack vectors have some common features that are easy for the detection model to find patterns for defense.Also,FDIA attack samples based on artificial intelligence often have strong diversity but large data fluctuations,which are also easy to detect.In order to solve the problem of easy detection of constructed attack samples,we use GAN technology [23] to construct FDIA samples.The proposed scheme can enrich the diversity of FDIA samples,while enhancing their concealment.The generated attack samples can better bypass the defense of detection models,and make the constructed FDIA samples less easily detected.In general,compared to existing works,we make the following novel contributions:

    ? We design an efficient adversarial network framework to learn the distribution characteristics between normal data and attack data in context of distributed smart grids.Our generated FDIA samples can obtain high concealment effect to effectively bypass the defense of the detection model in public-private network edge.

    ? Our network structure is designed carefully to allow information to be directly transmitted between network layers, which can effectively solve the problems of gradient vanishing and gradient explosion,and make the network converge faster.Also,different operating parameters are introduced to enrich the diversity of FDIA samples.

    ? Extensive evaluations are conducted on IEEE 14-bus and IEEE 118-bus systems, and four state-of-the-art detection models are used to validate and analyze the proposed framework.The results indicate that the FDIA data generated by our model outperforms traditional FDIA construction methods in terms of concealment and attack strength,as well as the decrease in FDIA detection accuracy.

    The remainder of this paper is organized as follows.Section 2 introduces the related work.The detailed procedure of our proposed model is shown in Section 3.We perform comprehensive experiments to evaluate the performance of proposed model, and present the results and corresponding discussions in Section 4.Finally,Section 5 concludes the paper.

    2 Related Work

    2.1 False Data Injection Attack

    FDIA is a type of network attack targeting data-based systems.In this attack,attackers manipulate or tamper with the data input into the system,with the aim of deceiving,interfering,or disrupting the normal operation of the system.To build invisible and unobservable FDIAs, attackers need to know the complete topology information of the power grid,that is,the Jacobian matrixH∈Rm×nof the power grid topology,the formula is:

    whereais the attack vector injected with false data,Zais the measured value after being attacked,andxis the original state estimation value,andeis measurement value error vector.If the attacker designs an attack vectorathat satisfies:

    wherec= [c1,c2,...,cn]Tis the non-zero vector that can be designed by the attacker,and the non-zero element indicates that the measurement value of the location is attacked,andis the estimated state value ofZaafter being attacked.Accordingly, the expression of the measured valueZaafter being attacked is

    According to the bad data detection mechanism of state estimation,the residual in Eq.(4)is

    Obviously, as long as the attacker constructs the attack vectorasatisfying Eq.(2), FDIAs can evade the bad data detection mechanism based on state estimation,thus achieving unobservable FDIA attacks.

    2.2 FDIA Attack Generation and Detection Model

    With the continuous expansion of the power grid, the amount of data is exploding, and the bottleneck of power public-private edge computing is prominent.Considering that the essence of power public-private edge computing is to decentralize some functions of the power cloud center to the network edge near the sensing data source, it can realize the local/nearby processing of data and related applications.In the context of power big data, edge computing can not only reduce the pressure of data traffic in the cloud center,but also improve the efficiency of data processing.Therefore,the detection of FDIA has gradually begun to be implemented efficiently using edge computing.For instance,facing the harm of FDIA attacks in smart grids,some researchers have attempted to construct efficient detection models to detect FDIA [24].Due to the difficulty in obtaining large-scale FDIA attack samples in CPS, the construction of FDIA attack vectors has become a primary problem to be solved.Some researchers have extensively researched the construction of false data injection attack vectors.Ozay et al.[25]improved the ow sparse attack vector scheme and proposed a distributed attack vector construction scheme.Hao et al.[26]proposed a construction algorithm scheme that can quickly generate highly sparse attack vectors.Bhattacharjee et al.[27]hypothesized that the prior information of the system is unknown, and that attackers can implement stealth attacks based on measurement matrices.They propose a stealth attack vector construction scheme based on independent component analysis to identify mixed matrices.Yu et al.[28]developed a blind FDI attack construction strategy based on principal component analysis(PCA),which utilizes instrument measurements to attack the system with high concealment.

    Nevertheless,most of these methods design attack samples through mathematical models,lacking statistical learning for both normal and attack samples.As a result,it is difficult for the constructed attack samples to evade deep neural networks based FDIA detection models.Correspondingly,some FDIA detection methods using machine learning and deep learning technology[29]have been developed sequentially.For example,James et al.[30]introduced discrete wavelet transform and deep neural network to reveal the characteristics of spatial data and obtain the temporal data correlation of FDIA detection.He et al.[31]proposed using a conditional deep belief network to explain the highdimensional temporal behavior characteristics of FDIA with strong concealment, and successfully achieved a 90% accuracy rate for FDIA detection.Ozay et al.[32] proposed semi-supervised and online learning algorithms in machine learning to detect FDIA, which can be used in hierarchical and topological networks in different attack scenarios.In the past two years,Qu et al.[33]designed a scheme based on joint image changes to pre-process changes in measurement data.The dynamic correlation of measurement data between adjacent moments makes the distribution characteristics of measurement data changes more significant,and achieves high detection accuracy.Hu et al.[34]jointly used weighted least squares(WLS)and extended kalman filter(EKF)with an exponential weighting function(WEKF)to detect FDIA,which improved the robustness of state estimation.

    Overall,most existing FDIA detection models belong to machine learning-based methods.These methods require a large number of training samples to construct detection models, while the FDIA attack samples in CPS pose significant limitations to the construction of detection models due to their extreme sparsity.This paper attempts to fill this gap by constructing large-scale FDIA attack samples using sparse adversarial learning methods.

    3 Proposed Method

    3.1 Proposed FDIA Sample Generation Framework

    The proposed framework is mainly composed of three parts: a data pre-processing module, a training module and a generating data module.The data pre-processing module merge multi-sensor data,including normal data and attack data,where the data samples need to be normalized to adapt to network training.In addition, the training module employs the residual network as conditional generator to generate fake attack data, and further uses full connected network as a conditional discriminator to extract features from attack data and normal data.The generator and discriminator are trained interactively to generate a discriminative model to distinguish attack data.Finally, by repeatedly training the generator and discriminator until convergence, the trained generator in the generating module can be employed to construct new attack data samples.The whole framework of our proposed scheme is shown in Fig.1.

    3.2 Data Pre-Processing Module

    In CPS network system,data may come from different sensors.Since these data are very different in data composition,data accuracy,data transmission delay and frequency refresh,it is necessary to pre-process these multi-source heterogeneous data.

    Since each column in the dataset corresponds to different characteristics of the sensor.These different features may have different measurement units and scales.These different scales may cause some features to have a greater impact on data analysis and model training.In order to eliminate the dimensional difference and process each feature more fairly in data analysis and model training,we use the min-max normalization method to linearly map the data to a given range,while maintaining the relative order and distribution shape of the original data.

    wherexiis an eigenvalue of the original data,max{x}is the maximum value of the features,and min{x}the maximum value of the features.In general,the min-max normalization method contains two steps:search the minimum min{x}and maximum max{x}of a feature set and then calculate the normalized value by applying the above normalization Eq.(6).

    Figure 1:Proposed FDIA attack sample generation framework

    3.3 Sparse Adversarial Training Module

    In this section,we construct a sparse adversarial training model by combining a generator ResNet and a discriminator FCN.In the generator module, we first input a Gaussian noise matrixZthat conforms to the standard normal distributionPz(z).After learning how to mapPz(z)toPr(z)through the generator network,the noise matrixZgenerates fake attack data.In the discriminator,a few attack data samples and some normal samples are selected as sparse real sample set,which is used to train the model to distinguish the authenticity of fake attack data generated by the generator.The schematic diagrams of ResNet and FCN are shown in Figs.2 and 3,respectively,and their specific structure of both will be presented in the following text.

    We firstly use Eq.(7)to build the noise matrixZsatisfying the joint Normal distributionPz(z),and iteratively learn the generated normal distribution matrix vectorZinto ResNet.

    whereμ=0 andσ=1 are two parameters of standard normal distribution.Meanwhile,we map the learned distributed feature representation to the sample tag space through a fully connected layer,and then increase the input matrixZfrom 128 dimension to 256 dimension.

    Figure 2:Structural diagram of generator

    Figure 3:Structural diagram of discriminator

    Furthermore,F(xl)of the first residual layer can be obtained by sequentially using fully connected operation FC(·), batch-normalization BN(·) and non-linear transformation with the rectified-linear unit activation function ReLU(·),which is shown in Eq.(8).

    The corresponding residual block can be divided into two parts:the direct mapping part and the residual part, wherexl+1is the input for the second residual block,h(xl)is the direct mapping part,andF(xl)is the residual part.

    Subsequently,similar to the first residual block,the second residual block also employs the fully connected operation,batch-normalization and ReLU activation function to further process the output featurexl+1.Notably, the fully connected operation in the second residual block needs to perform feature dimensionality reduction.

    Finally,passing through a linear layer,the outputG(z)can be re-mapped the same dimensionality as the original dataset.The specific network structure of the Generator ResNet is shown in Fig.4.

    Figure 4:The specific structure of the generator and the discriminator

    When attack sample is built,a discriminator FCN can be constructed to firstly extract the features from attack data and the normal data,which is considered to distinguish the authenticity of fake attack data.

    whereh0is the set of fake attack samples and real data samples output by ResNet,and the symbolain Eq.(15) is a fixed minimum value.Correspondingly, the feature dimension ofh0is firstly adjusted to 256 dimensions through a fully connected hidden layer.Then, the problem of neuron death through Eq.(15)activation function is subsequently solved to enhance the expressiveness of the model.Notably, the dropout layer can make the activation values of certain neurons stop working with a certain probability,enhancing the generalization ability of the model.

    Afterwards,h1also passes through the fully connected layer,LeakyReLU layer,and dropout layer again,and generatesh2,whose dimension is correspondingly reduced to 1 for output through a fully connected hidden layer FC(·).The specific network structure of the discriminator is shown in Fig.4.

    In the training process,we introduce the WGAN-GP loss function,which provides a more stable training process, reducing issues such as mode collapse.Furthermore, the gradient penalty term in WGAN-GP encourages smooth gradient flow throughout the entire network.This results in better convergence and helps mitigate the problem of vanishing gradients.Therefore,we build the loss function Ltotal(D)by combining the WGAN-GP’s loss[35]L1(D)and WGAN’s discriminator loss L2(D),where the former stands for gradient penalty and the latter represents the discriminator loss.During the training stage,we use neural network to train weightwand use back-propagation to update the parameters until the model convergence.After the fake attack data is generated through the generator,the discriminator can conduct authenticity judgment accordingly, and update the corresponding weight values through loss function calculation.The overall training process is shown in Algorithm 1.

    Notably,this process can be recorded by an iteration number.Accordingly,the number of training iterations of the conditional generative adversarial network is 20, the batch size is 500, and the optimizer uses Adam learner.In addition, the default parameters are (0.9, 0.99) operated by the Adam learner.The initial learning rate is 10-4, and the weight of each round will decay.During the training process of the model,the optimal generator model is determined through the optimal objective function.

    3.4 Generating Data Module

    After each iteration, the generator continuously learns the distribution characteristics of attack data samples and updates the weight values of each hidden layer towards the optimization goal.When the set number of iterations are performed, the generator can exactly generate more realistic attack data.Finally, the input samples meeting standard normal distribution are trained, and the corresponding attack data samples with camouflage and confusion can be outputted by the generator accordingly.

    4 Experimental Results and Discussions

    4.1 Experimental Setup

    In our experiments,two classical power datasets,the IEEE 14-bus system data and the IEEE 118-bus system data [36,37], are used to evaluate the model performance.The IEEE 14-bus and IEEE 118-bus system data refers to two well-known benchmark datasets that represents the electrical power system of a simplified 14-bus and 118-bus network.They are commonly used in power system analysis and serve as a standard reference for various research studies and algorithm development in the field of power systems.Two datasets provide topology information,bus configurations,and electrical parameters of the power system, including generator data, load data, transmission line parameters,and transformer data.They capture the essential elements and characteristics of a power distribution system, enabling researchers and engineers to analyze and study various aspects of power system operation, stability, and control.The composition information of the IEEE 14-bus system data is shown in Fig.5[36,37],and the IEEE 118-bus system data has similar composition information.

    In our experiments,because of the fact that the IEEE 14-bus system data and IEEE 118-bus system data are all data from normal measurement situations,in order to simulate the behavior of attackers and the errors of sensors in reality,we conduct two parts of operations on the IEEE 14-bus and IEEE 118-bus system datasets:attack implementation and measurement noise.

    ? Attack Implementation:the attack data is usually generated using a false data injection method.The random FDIA is a traditional and classical method, which is characterized by injecting randomly sized false attack data into specific nodes.This attack method has a certain degree of concealment and flexibility.Our scheme integrates the random FDIA attack sample generation method and further integrates the idea of sparse sample adversarial learning to construct a sparse learning based attack sample generation method (SL-GAN).Through the trained generator in the model, we can generate more confusing attack data mixed with normal data characteristics.

    ? Measurement Noise: given the inevitable dynamic noise in the process of measurement and communication, we also add random Gaussian noise to the measured value and test the performance of different noise derivations.

    Given that both the IEEE 14-bus and IEEE 118-bus systems have 15,000 pieces of data, two datasets were constructed based on different numbers of attack data points,including balanced and unbalanced datasets.Experimental comparisons were implemented with different attack intensities.The division ratio between the training set and the testing set is 8:2, including 12000 pieces training samples and 3000 pieces testing samples.

    In addition,we employ the precision and recall of the generated outputs as performance evaluation metrics, where precision represents the percentage of error data that we have correctly detected as a percentage of all predicted error data and the recall rate represents the percentage of error data that we have successfully detected as a percentage of all error data.The precision and recall are defined as:

    where true positive (TP) denotes the amount of false data detected correctly, true negative (TN)the amount of normal data detected as normal, false positive (FP) as the amount of normal data incorrectly detected as false,and false negative(FN)the amount of false data incorrectly detected as normal.

    Figure 5: IEEE 14-bus system.The missing node is the generator node.Due to high intensity protection, their data is usually not easily tampered with, so we do not consider the data of these nodes in our testing

    Moreover, we also strike the accuracy andF1score of the generated outputs as performance evaluation metrics.and these two metrics can be correspondingly expressed as:

    where the accuracy reflects the proportion of correct classification; the recall rate represents the percentage of error data that we have successfully detected among all error data,andF1is the harmonic mean of recall and accuracy.

    4.2 Effectiveness Verification for Proposed Model

    In the following experiment, in order to verify that the attack data generated by our model can effectively bypass the detection of the detection model,we conduct a series of comparative experiments.All simulations are performed over a machine with an Intel(R)Core(TM)i5-8300H CPU,a NVIDIA GTX 1050, and 16 GB RAM.In general, when our proposed SL-GAN model is used to generate FDIA attack samples,we set the number of training iterations to 20,and the batch size to 500.The loss function uses WGAN loss and the optimizer is set to Adam learner.The default parameters are(0.9,0.99),and Adam learner performs optimization.The initial learning rate was 10-4and the weights are weakened in each round.Generally,an attack sample for IEEE 14-bus system needs to take 20–30 s,while requiring 600–700 s for IEEE 118-bus system.

    Regarding the benchmark method for verifying effectiveness, we compared the attack sample generated by the traditional random FDIA attack generation and our proposed model,respectively.Different attack sample generation methods are tested by several state-of-the-art detection models for experimental comparison.These detection models include SGAT[38],RF[13],SVM[11]and CNN[12], where self-supervised graph attention network(SGAT) introduces a graph attention module to improve the accuracy of FDIA detection.RF is the ensemble learning algorithm based on decision tree, which is easy to implement and has low computational overhead, but it shows very amazing performance in classification and regression.CNN can build a binary detection model using diverse convolutional neural networks.SVM is a maximum margin classifier that constructs a hyperplane(s)in a high-dimensional space.It is widely used since it achieved top performance in some classification problems

    Fig.6 presents the test results.From this figure, it can be seen that the loss value of the attack data generated by our proposed mode during the training process,e.g.,Fig.6(b),is higher than that of the attack data generated by the original FDIA, e.g., Fig.6(a), regardless of the initial point of loss value and the stable point.This means that the generated samples by our proposed model are more aggressive.In addition,it can be observed in Fig.6(a),the loss curve converges after 8 iterations,while Fig.6(b)converges more slowly,indicating that our attack data has better camouflage,making it more difficult for the detection model to distinguish.This phenomenon can be easily explained as follows.During the process of training the model,we add a certain proportion of sparse normal sample data,which allows the model to learn a certain distribution of normal data and extract some features of normal samples during training.This results in the generated attack data being accompanied by some normal data features,which is more confusing.Accordingly,the detection model requires more iterations to detect and is more time-consuming.

    In addition,we conducted a series of experiments on the IEEE 14-bus and IEEE 118-bus system datasets to verify the effectiveness of the model and its applicability to different datasets.In the testing,we used the four basic detection methods mentioned above:SGAT model,RF model,CNN model,SVM model.We compared and detect the two FDIA attack injection datasets mentioned in Section 4.1 by placing them into different detection models.The corresponding results were shown in Fig.7.We can observe from this figure that the attack data generated using the FDIA based on SL-GAN model is more likely to deceive the four detection models than the data injected directly into the random FDIA attack,resulting in an effective decrease in the accuracy of the detection models.This indicates that the attack data generated by our model has stronger confusion and camouflage.To be specific,for IEEE 14-bus system dataset, the accuracy of the SGAT model has significantly decreased by about 12%,15%approximately decrease for deep learning CNN model,and about 5%and 6%for two machine learning models,RF model and SVM model,respectively.Similarly,for IEEE 118-bus system dataset,our model generated attack data with a reduction of approximately 15%in accuracy for SGAT model,12% for CNN model, 7% for RF and and 5% for SVM model.This indicates that the attack data generated by our model can effectively bypass the detection of the detection model.This is mainly because our model can learn the features of normal data during training stage,the generated attack data thus contains the characteristics of normal data, making it easy to find the difference between attack features and normal features.This greatly confuses the extraction and resolution ability of the detection model,ultimately leading to a decrease in the detection accuracy of FDIA.In addition,our model eliminates data redundancy through ascending and descending dimensions,achieving certain results at IEEE 14-bus and IEEE 118-bus system data,greatly enhancing the applicability of different datasets.

    Figure 6:Loss curve changes detected using SGAT model for different attack injection data.(a)Training process using attack data generated by random FDIA model.(b) Training process using attack data generated by SLGAN FDIA model

    Figure 7:Comparison of accuracy performance of four detection models after injecting different FDIA attacks in(a)IEEE 14-bus system data and(b)IEEE 118-bus system data

    Since our model needs to face attack scenarios of new power systems, e.g., VPP, a large-scale attack samples in this scenario are yet difficult to obtain.To verify the universality of the model,we adjusted the number of data injected into the attack from 270 to 7500, and conduct experimental comparisons on four detection models.The corresponding testing results were shown in Table 1.F1score and accuracy are used as evaluation metrics.We can observe in the table that under the balanced samples,F1scores decreased by 17.7%, 5.4%, 14.4%, and 5.9% for SGAT, RF, CNN, and SVM models, respectively.while the accuracy decreased by 11.0%, 4.7%, 14.7%, and 5.6% in each model, respectively.For unbalanced samples,F1scores decreased by 7.6%, 0.2%, 1.5%, and 4.5% in each model,respectively,and the accuracy decreased by 0.8%,0.8%,2.1%,and 4.1%in each model.Apparently, the attack data generated by our model can achieve more effective attack performance under balanced datasets,but the performance is only slight superior on imbalanced datasets.In fact,this phenomenon can be easily explained.Due to the small proportion of attack samples in imbalanced datasets,and the high cost of identifying samples as attack samples in detection models,resulting in a relatively small number of attack data errors.Similarly, we can also see a good reduction effect in Table 2 of IEEE 118-bus system data experiment.Overall, whether on balanced or unbalanced datasets,the attack data generated by our proposed model can effectively bypass the four state-of-theart attack detection models currently present.

    Table 2:Performance comparison of different detection models in IEEE 118-bus system on balanced and unbalanced datasets

    4.3 Performance Comparison of Different Parameter

    In order to further construct attack data with more camouflage and diversity, we carefully investigated the performance of the proposed scheme with different parameters,such as the number of loop iterations of the generator and discriminator,and different ratios of attack samples.Similar to previous experiments,we used attack datasets generated under different parameters for detection,and used four machine learning-based detection models,SGAT,RF,CNN,SVM.The impact of different parameters on the quality of the generated attack data were further discussed in this experiment.

    We firstly conducted experimental comparisons on the balanced and unbalanced datasets of IEEE 14-bus system by changing the number of loop iterations of the generator and discriminator.We set the number of iterations to 20, 50, and 80, respectively (e.g., epochs = 20, 50, 80).Similar to previous experiments, we compared the accuracy andF1score to evaluate the performance and different parameters of the proposed attack sample generative model.The corresponding detection results were shown in Fig.8.From the figure,it can be seen that after modifying the parameters,as the number of iterations increases,the attack data generated by our SL-GAN model effectively reduces the accuracy of most detection models.It is easy to explain that the training process of our model aims to minimize the loss function by optimizing the model parameters.As the number of iterations increases,the model has more opportunities to learn and adjust parameters, while also better exploring and learning abstract features and patterns in the data.This enables the model to extract richer and more useful feature representations from both normal and attack data, generating higher quality attack data to deceive the detection model.In addition, we can also observe that not all detection models can have a decrease in detection rate as the number of iterations increases.For instance, our model may reach a saturation point at a certain stage,while further increasing the number of iterations will not significantly improve performance or may lead to overfitting.In general, we can generate highquality attack data by increasing the number of training iterations of our proposed model.These attack samples is more difficult to detect for the detection model.However,the time complexity also increases with the iteration rounds.This conclusion can be experimentally verified in Section 4.4.

    Figure 8: (Continued)

    In addition,we further discussed the attack intensity,which is defined by the proportion of attack samples in all samples.Obviously,attack intensity is closely related to the ratio of input normal data to attack data, for example, attack intensity 5% represents 5% of attack data and 95% of normal data in the whole samples.We conducted experimental comparisons on the SGAT model [38] using attack data generated with different attack intensities, and use the evaluation metrics mentioned in Section 4.1.The corresponding results were shown in Tables 3 and 4.It can be observed that as the attack intensity decreases,four evaluation metrics show varying degrees of decline.This result is not difficult to understand.Due to the close correlation between attack intensity and the proportion of input normal data and attack data,when the proportion of input attack data decreases,the generated attack data only carry fewer characteristics of attack samples and have more characteristics of normal samples.This can naturally enhance the disguise and concealment of the attack data and further deceive the detection model.

    4.4 Computational Complexity Comparison

    To gain more insight,we further tested the computational complexity of our model when using different parameters.Specifically,we compared the computational complexity of the running time in different situations by changing the iteration number epoch parameter and attack intensity parameter.We can see from the following figure that the lower the attack intensity parameter, the higher the iteration number parameter,and the more time it takes to generate attack data.This can be a natural explanation.The lower the attack intensity,the more normal sample data that participates in training,and the more total samples trained, which naturally increases the time consumption.On the other hand, the more iterations, the more times it takes to find the optimal objective function, and the longer it takes to run.Compared to Fig.9, Table 3 and 4, it can be easily observed that when the attack intensity decreases,the camouflage and concealment of the generated attack data will improve.Increasing the same number of iterations can generate the attack samples with higher quality,but,it is more time-consuming.

    Table 3:Performance comparison of attack data generated with different attack intensities on SGAT model under IEEE 14-bus system dataset

    Table 4:Performance comparison of attack data generated with different attack intensities on SGAT model under IEEE 118-bus system dataset

    Figure 9:Complexity testing of different parameters

    5 Conclusions and Future Work

    Due to the dynamic interaction between information flow and energy flow on both sides of the public and private sectors in virtual power plants, information risk and power risk can overlap and cross propagate on both sides of the public and private sectors.However, some detection models may not be able to fully utilize their detection capabilities when facing strong deceptive attack data designed by attackers.Therefore,this paper proposed a model for generating FDIA attack data based on SLGAN.The model first used time alignment technology to merge some normal sample data with the input attack data,and constructed a generator and discriminator for training.The generator was used to generate false attack data,and the discriminator was used to extract the characteristics of the attack samples and normal samples,and distinguish between false attack data and real data.Finally,the input of the trained generator meets the normal distribution, and generates more camouflage and covert attack data samples.A series of experimental comparisons utilizing four state-of-theart detection models on the load datasets of the IEEE 14-node and IEEE 118-node systems were conducted, validating the attack data samples generated by the proposed model.The experimental results show that compared with the traditional random FDIA attack methods,the proposed attack data generative model can effectively bypass the detection of the detection model so that the detection accuracy is effectively reduced.In the public-private network edge scenarios, this method generates more covert and camouflage attack sample data, which expands the attack sample library and can be effectively used to simulate the methods of possible attack and unknown attack.This lays the foundation for further research on improving the anti-interference ability and detectability of detection models,and ultimately enhances the defense against FDIA attacks in smart grids.

    Although our proposed method has shown excellent performance in FDIA detection testing,we should note that our attack data generation scheme mainly uses the load dataset of the IEEE 14-bus and IEEE 118-bus systems to simulate multi-source sensing data on the electrical side.In fact,for the special business scenario of public private interaction virtual power plant,it may be more practical to consider the public and private multi-source data sets.In addition,the time cost of generating attack data samples in our proposed model is relatively high.Producing high-quality attack data samples necessitates a significant time investment to achieve a decrease in detection rates.Future work will aim to address these issues,with a focus on enhancing the quality and efficiency of attack data generation.

    Acknowledgement:The authors would like to thank the suggestions for data testing from Dr.Jung Yoon Kim and also thank anonymous reviewers for their valuable suggestions which helped to improve this article.

    Funding Statement:This work was supported in part by the the Natural Science Foundation of Shanghai (20ZR1421600), and Research Fund of Guangxi Key Lab of Multi-Source Information Mining&Security(MIMS21-M-02).

    Author Contributions:The authors confirm contribution to the paper as follows:study conception and design:Fengyong Li;data collection:Weicheng Shen;analysis and interpretation of results:Zhongqin Bi,Xiangjing Su;draft manuscript preparation:Fengyong Li,Weicheng Shen.All authors reviewed the results and approved the final version of the manuscript.

    Availability of Data and Materials:All data used or analyzed during this study are included in this article and its references.

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

    国产日韩一区二区三区精品不卡| 亚洲综合精品二区| 十八禁人妻一区二区| 精品视频人人做人人爽| 欧美人与性动交α欧美软件| xxx大片免费视频| 久久精品久久久久久噜噜老黄| 久久精品人人爽人人爽视色| 美女大奶头黄色视频| 久久精品aⅴ一区二区三区四区| 晚上一个人看的免费电影| 最近手机中文字幕大全| 操美女的视频在线观看| 国产成人精品久久二区二区91 | 国产探花极品一区二区| 三上悠亚av全集在线观看| 精品国产国语对白av| 一边亲一边摸免费视频| 天天添夜夜摸| 美女中出高潮动态图| 精品少妇一区二区三区视频日本电影 | 成年动漫av网址| 国产av国产精品国产| 国产精品秋霞免费鲁丝片| 91国产中文字幕| 国产精品一区二区在线观看99| 国产亚洲av片在线观看秒播厂| 久久人人爽人人片av| 天美传媒精品一区二区| 久久久久国产一级毛片高清牌| 久久99精品国语久久久| 国产av精品麻豆| 成人午夜精彩视频在线观看| videos熟女内射| 一二三四在线观看免费中文在| 久久97久久精品| 777米奇影视久久| 99香蕉大伊视频| 色精品久久人妻99蜜桃| 波野结衣二区三区在线| avwww免费| 少妇精品久久久久久久| 欧美 日韩 精品 国产| 久久精品亚洲熟妇少妇任你| 99久久综合免费| 亚洲av电影在线观看一区二区三区| 久久精品久久久久久噜噜老黄| 天天操日日干夜夜撸| 亚洲国产看品久久| 亚洲图色成人| 久久久久国产精品人妻一区二区| 国产亚洲最大av| 亚洲av国产av综合av卡| 狠狠婷婷综合久久久久久88av| 久久天堂一区二区三区四区| 搡老岳熟女国产| 伊人久久国产一区二区| 超碰97精品在线观看| 亚洲国产最新在线播放| 日韩成人av中文字幕在线观看| 夫妻午夜视频| 国产精品欧美亚洲77777| 久久久国产一区二区| 青草久久国产| av视频免费观看在线观看| 国产欧美日韩一区二区三区在线| 国产成人啪精品午夜网站| 亚洲精品日韩在线中文字幕| 国产免费又黄又爽又色| 人人妻,人人澡人人爽秒播 | 日韩人妻精品一区2区三区| 不卡视频在线观看欧美| 久久亚洲国产成人精品v| 乱人伦中国视频| 亚洲美女搞黄在线观看| 在线观看www视频免费| a级毛片黄视频| 热re99久久国产66热| 中文字幕色久视频| 精品久久蜜臀av无| 男人操女人黄网站| 最近最新中文字幕大全免费视频 | 国产无遮挡羞羞视频在线观看| 亚洲四区av| 亚洲婷婷狠狠爱综合网| 国产精品一区二区在线不卡| 操美女的视频在线观看| 国产一区二区三区av在线| 国产极品天堂在线| 亚洲国产精品一区二区三区在线| 日韩欧美一区视频在线观看| netflix在线观看网站| 国产黄频视频在线观看| 欧美日韩成人在线一区二区| 五月开心婷婷网| 精品酒店卫生间| 国产精品二区激情视频| 下体分泌物呈黄色| 久久青草综合色| av电影中文网址| 日韩免费高清中文字幕av| netflix在线观看网站| 天美传媒精品一区二区| 一级片'在线观看视频| 日韩大片免费观看网站| 亚洲国产av新网站| 日本一区二区免费在线视频| 青草久久国产| 欧美亚洲 丝袜 人妻 在线| a级毛片在线看网站| 亚洲国产精品一区二区三区在线| 黄色视频不卡| 欧美黑人欧美精品刺激| 尾随美女入室| 国产精品久久久人人做人人爽| 男女床上黄色一级片免费看| 精品酒店卫生间| 中文字幕人妻丝袜制服| 亚洲第一区二区三区不卡| 成人亚洲精品一区在线观看| 国产免费现黄频在线看| 亚洲成av片中文字幕在线观看| 深夜精品福利| 久久鲁丝午夜福利片| 深夜精品福利| 1024香蕉在线观看| 人妻一区二区av| 日韩一区二区视频免费看| 久久久国产欧美日韩av| av在线老鸭窝| 国产欧美亚洲国产| 亚洲国产欧美一区二区综合| 99香蕉大伊视频| 99久久精品国产亚洲精品| 国产极品天堂在线| 汤姆久久久久久久影院中文字幕| 国产成人精品久久二区二区91 | 日本av免费视频播放| 这个男人来自地球电影免费观看 | 欧美乱码精品一区二区三区| 色播在线永久视频| 免费在线观看视频国产中文字幕亚洲 | 国产精品久久久久成人av| 欧美 亚洲 国产 日韩一| av不卡在线播放| netflix在线观看网站| av国产久精品久网站免费入址| 中文字幕高清在线视频| 国产高清国产精品国产三级| 成人影院久久| 少妇人妻 视频| 制服诱惑二区| 亚洲av电影在线进入| 国产伦理片在线播放av一区| 男人添女人高潮全过程视频| 下体分泌物呈黄色| 卡戴珊不雅视频在线播放| 熟女少妇亚洲综合色aaa.| 激情五月婷婷亚洲| 伦理电影免费视频| 亚洲免费av在线视频| 国产精品亚洲av一区麻豆 | 侵犯人妻中文字幕一二三四区| 热99国产精品久久久久久7| 日本欧美国产在线视频| 亚洲欧美一区二区三区久久| 亚洲婷婷狠狠爱综合网| 无限看片的www在线观看| 国产老妇伦熟女老妇高清| 女性被躁到高潮视频| 免费在线观看视频国产中文字幕亚洲 | 蜜桃国产av成人99| 国产精品蜜桃在线观看| 伊人久久大香线蕉亚洲五| 韩国精品一区二区三区| 亚洲图色成人| www.自偷自拍.com| 乱人伦中国视频| 亚洲精品久久成人aⅴ小说| 波多野结衣av一区二区av| 欧美精品高潮呻吟av久久| 国产野战对白在线观看| 国产一区二区三区综合在线观看| 999久久久国产精品视频| 999精品在线视频| 亚洲精品中文字幕在线视频| 丝袜在线中文字幕| 免费黄频网站在线观看国产| 热99久久久久精品小说推荐| 久久久精品免费免费高清| 欧美精品高潮呻吟av久久| 亚洲国产看品久久| 亚洲国产精品999| 黄色一级大片看看| 90打野战视频偷拍视频| 免费观看av网站的网址| 中文天堂在线官网| 亚洲精品,欧美精品| 亚洲天堂av无毛| 波多野结衣一区麻豆| 看非洲黑人一级黄片| 国产一区亚洲一区在线观看| 中文精品一卡2卡3卡4更新| 男女国产视频网站| 啦啦啦中文免费视频观看日本| 老司机影院成人| 国产片特级美女逼逼视频| 激情视频va一区二区三区| 999久久久国产精品视频| av在线老鸭窝| 亚洲,欧美精品.| 捣出白浆h1v1| 欧美最新免费一区二区三区| 日韩一本色道免费dvd| e午夜精品久久久久久久| 男女高潮啪啪啪动态图| 啦啦啦视频在线资源免费观看| 丝袜美足系列| 亚洲精品第二区| 国产亚洲精品第一综合不卡| 男女床上黄色一级片免费看| 免费观看人在逋| 国产极品天堂在线| e午夜精品久久久久久久| 婷婷色综合大香蕉| 国产精品久久久久久人妻精品电影 | 下体分泌物呈黄色| 精品少妇一区二区三区视频日本电影 | 午夜福利影视在线免费观看| 亚洲欧美精品综合一区二区三区| 日韩中文字幕欧美一区二区 | 亚洲精品在线美女| 飞空精品影院首页| 午夜福利一区二区在线看| 五月开心婷婷网| 亚洲欧美一区二区三区黑人| 69精品国产乱码久久久| av一本久久久久| 中文乱码字字幕精品一区二区三区| 老司机靠b影院| 一区二区日韩欧美中文字幕| 99国产精品免费福利视频| 免费高清在线观看日韩| 久久久亚洲精品成人影院| 国产成人欧美在线观看 | 咕卡用的链子| 国产精品久久久久成人av| 中文字幕高清在线视频| 无限看片的www在线观看| 最近的中文字幕免费完整| 国语对白做爰xxxⅹ性视频网站| 午夜激情久久久久久久| 国产极品天堂在线| 操出白浆在线播放| 欧美少妇被猛烈插入视频| 日日摸夜夜添夜夜爱| 99久久综合免费| 2021少妇久久久久久久久久久| 男人爽女人下面视频在线观看| 美女国产高潮福利片在线看| 亚洲精品第二区| 亚洲精品国产av蜜桃| 亚洲男人天堂网一区| 免费观看av网站的网址| 一区在线观看完整版| 国产欧美日韩综合在线一区二区| 菩萨蛮人人尽说江南好唐韦庄| av天堂久久9| 王馨瑶露胸无遮挡在线观看| 亚洲精品国产区一区二| 在线观看一区二区三区激情| 岛国毛片在线播放| 日韩大码丰满熟妇| 人人妻人人澡人人看| 爱豆传媒免费全集在线观看| 久久影院123| 丰满少妇做爰视频| 老司机深夜福利视频在线观看 | 亚洲第一区二区三区不卡| 亚洲av国产av综合av卡| 国产麻豆69| 午夜福利视频精品| 亚洲三区欧美一区| 90打野战视频偷拍视频| 亚洲一卡2卡3卡4卡5卡精品中文| 伦理电影免费视频| 免费看av在线观看网站| 久久精品人人爽人人爽视色| 精品久久蜜臀av无| 国产精品久久久久成人av| 乱人伦中国视频| 欧美激情 高清一区二区三区| 中文字幕人妻丝袜制服| 久久久精品国产亚洲av高清涩受| 校园人妻丝袜中文字幕| 免费黄色在线免费观看| 日韩一区二区视频免费看| 欧美日韩综合久久久久久| 久久99精品国语久久久| 极品人妻少妇av视频| 中国国产av一级| 国产日韩欧美视频二区| 日本欧美视频一区| 亚洲人成77777在线视频| 99香蕉大伊视频| 观看美女的网站| 妹子高潮喷水视频| 久久精品熟女亚洲av麻豆精品| 亚洲av电影在线进入| 如日韩欧美国产精品一区二区三区| 亚洲国产av新网站| 中国国产av一级| 亚洲欧美精品综合一区二区三区| 国产精品久久久av美女十八| 男女床上黄色一级片免费看| 永久免费av网站大全| 国产成人免费观看mmmm| 夫妻午夜视频| 黄色怎么调成土黄色| 一二三四在线观看免费中文在| 少妇精品久久久久久久| 成人亚洲精品一区在线观看| 午夜av观看不卡| www.熟女人妻精品国产| 日韩欧美精品免费久久| 欧美亚洲日本最大视频资源| 亚洲精华国产精华液的使用体验| 亚洲激情五月婷婷啪啪| av天堂久久9| 亚洲三区欧美一区| 宅男免费午夜| 国产一区二区三区av在线| 亚洲精品久久午夜乱码| 亚洲欧美日韩另类电影网站| 十八禁高潮呻吟视频| 国产成人精品福利久久| 纵有疾风起免费观看全集完整版| 久久这里只有精品19| 欧美精品av麻豆av| 国产精品99久久99久久久不卡 | 精品福利永久在线观看| 国产一区二区在线观看av| 久久久久久久久免费视频了| 少妇猛男粗大的猛烈进出视频| 国产成人欧美| 两个人免费观看高清视频| 人成视频在线观看免费观看| 亚洲av男天堂| 久久综合国产亚洲精品| 一级黄片播放器| 一级爰片在线观看| 波野结衣二区三区在线| 亚洲天堂av无毛| av天堂久久9| 国产精品免费视频内射| 美女中出高潮动态图| 天天操日日干夜夜撸| 国产精品一区二区在线不卡| 美女国产高潮福利片在线看| 久久av网站| 少妇被粗大猛烈的视频| 男男h啪啪无遮挡| 三上悠亚av全集在线观看| 看十八女毛片水多多多| 七月丁香在线播放| av国产精品久久久久影院| 狂野欧美激情性bbbbbb| 午夜免费观看性视频| av网站免费在线观看视频| 国产精品人妻久久久影院| 王馨瑶露胸无遮挡在线观看| 纯流量卡能插随身wifi吗| 熟女av电影| 亚洲av电影在线进入| 国产精品亚洲av一区麻豆 | 亚洲第一av免费看| 日韩,欧美,国产一区二区三区| 黄频高清免费视频| 操美女的视频在线观看| 亚洲欧美一区二区三区久久| 超碰97精品在线观看| 另类亚洲欧美激情| 男女下面插进去视频免费观看| 国产精品免费大片| 黄色视频在线播放观看不卡| 深夜精品福利| 日韩不卡一区二区三区视频在线| 久久ye,这里只有精品| 激情视频va一区二区三区| 亚洲男人天堂网一区| 亚洲人成电影观看| 伦理电影免费视频| 日本爱情动作片www.在线观看| 免费看av在线观看网站| 伦理电影大哥的女人| e午夜精品久久久久久久| 欧美 亚洲 国产 日韩一| 日本欧美视频一区| 纵有疾风起免费观看全集完整版| 一级毛片电影观看| 精品国产超薄肉色丝袜足j| 午夜福利,免费看| 日韩av在线免费看完整版不卡| 欧美久久黑人一区二区| 日韩中文字幕欧美一区二区 | 国产精品久久久av美女十八| 精品少妇内射三级| 国产日韩欧美视频二区| 捣出白浆h1v1| 免费不卡黄色视频| 五月天丁香电影| 日韩 欧美 亚洲 中文字幕| 日韩一本色道免费dvd| 国产成人免费无遮挡视频| 波多野结衣av一区二区av| 中文天堂在线官网| 亚洲av电影在线观看一区二区三区| 亚洲国产欧美日韩在线播放| 国产在线视频一区二区| 亚洲伊人久久精品综合| 水蜜桃什么品种好| 十八禁网站网址无遮挡| 成人国语在线视频| 亚洲欧美精品综合一区二区三区| 欧美人与善性xxx| 亚洲国产av新网站| 丝袜脚勾引网站| 久久久久精品人妻al黑| 国产欧美日韩综合在线一区二区| 美国免费a级毛片| 青春草视频在线免费观看| av在线观看视频网站免费| 亚洲国产精品一区三区| 国产深夜福利视频在线观看| 在线看a的网站| 国产精品一区二区在线不卡| 久久人人97超碰香蕉20202| 国产精品久久久久久人妻精品电影 | 国产成人精品久久二区二区91 | 水蜜桃什么品种好| 高清视频免费观看一区二区| 日本一区二区免费在线视频| 一区二区三区乱码不卡18| 久热这里只有精品99| 最黄视频免费看| 天天躁日日躁夜夜躁夜夜| 考比视频在线观看| 国产麻豆69| 久热爱精品视频在线9| videosex国产| 国产视频首页在线观看| 久久精品国产a三级三级三级| 人成视频在线观看免费观看| 欧美日韩视频高清一区二区三区二| 狠狠精品人妻久久久久久综合| 国产免费福利视频在线观看| 中国国产av一级| 女人高潮潮喷娇喘18禁视频| a级毛片在线看网站| 在线观看国产h片| 国产深夜福利视频在线观看| 欧美xxⅹ黑人| 国产免费一区二区三区四区乱码| 免费不卡黄色视频| 侵犯人妻中文字幕一二三四区| 老司机影院毛片| 精品一区在线观看国产| 久久精品国产a三级三级三级| 亚洲激情五月婷婷啪啪| 国产免费一区二区三区四区乱码| 亚洲人成网站在线观看播放| 日本一区二区免费在线视频| 久久久久精品性色| 大香蕉久久网| 大片电影免费在线观看免费| 亚洲国产成人一精品久久久| 久久免费观看电影| 卡戴珊不雅视频在线播放| 国产又色又爽无遮挡免| 精品一区二区三区四区五区乱码 | 最近最新中文字幕免费大全7| 国产精品一二三区在线看| 肉色欧美久久久久久久蜜桃| 91老司机精品| 国产精品香港三级国产av潘金莲 | 亚洲av国产av综合av卡| 黄色毛片三级朝国网站| 午夜福利一区二区在线看| 中国三级夫妇交换| 亚洲精品中文字幕在线视频| 亚洲第一区二区三区不卡| 亚洲情色 制服丝袜| 日韩 欧美 亚洲 中文字幕| 欧美日韩一级在线毛片| 少妇人妻精品综合一区二区| 欧美日韩一区二区视频在线观看视频在线| 亚洲国产精品一区三区| 巨乳人妻的诱惑在线观看| 久久久精品国产亚洲av高清涩受| 国产亚洲一区二区精品| 久久人妻熟女aⅴ| 亚洲 欧美一区二区三区| 亚洲精品久久成人aⅴ小说| 精品国产一区二区久久| 亚洲熟女毛片儿| 欧美精品一区二区大全| 精品第一国产精品| 欧美黑人精品巨大| av又黄又爽大尺度在线免费看| 99久久人妻综合| 成人手机av| 少妇 在线观看| 久久久久久久久久久久大奶| 一区二区三区乱码不卡18| 亚洲av日韩精品久久久久久密 | 纵有疾风起免费观看全集完整版| 国产成人免费无遮挡视频| 亚洲欧美成人精品一区二区| 又粗又硬又长又爽又黄的视频| 国产日韩欧美亚洲二区| 69精品国产乱码久久久| 亚洲欧美日韩另类电影网站| 免费观看av网站的网址| 久久久久久久精品精品| 久久毛片免费看一区二区三区| 精品午夜福利在线看| 久久久国产欧美日韩av| 99香蕉大伊视频| 亚洲欧美激情在线| 国产熟女欧美一区二区| 啦啦啦在线免费观看视频4| 宅男免费午夜| 黑人猛操日本美女一级片| 欧美97在线视频| 七月丁香在线播放| 国产精品蜜桃在线观看| 日韩大码丰满熟妇| 黄色视频在线播放观看不卡| 亚洲av日韩精品久久久久久密 | 亚洲欧美一区二区三区黑人| 午夜福利视频精品| 高清视频免费观看一区二区| 国产成人啪精品午夜网站| 免费黄频网站在线观看国产| 亚洲欧美成人综合另类久久久| 亚洲国产成人一精品久久久| 青草久久国产| 天堂俺去俺来也www色官网| 男女边摸边吃奶| 欧美精品亚洲一区二区| 久久人妻熟女aⅴ| 色婷婷久久久亚洲欧美| 免费高清在线观看日韩| 久久精品久久精品一区二区三区| 亚洲精品一二三| 欧美另类一区| 一区福利在线观看| 日韩中文字幕视频在线看片| 精品亚洲成国产av| 中国三级夫妇交换| 高清在线视频一区二区三区| 又大又黄又爽视频免费| 国产欧美日韩一区二区三区在线| 成人黄色视频免费在线看| 美女视频免费永久观看网站| 街头女战士在线观看网站| 老司机在亚洲福利影院| 大话2 男鬼变身卡| www日本在线高清视频| 中文字幕人妻丝袜制服| 亚洲国产最新在线播放| 人体艺术视频欧美日本| 99九九在线精品视频| 色网站视频免费| 亚洲欧美一区二区三区久久| 亚洲成人av在线免费| 日韩欧美精品免费久久| 人人妻人人澡人人爽人人夜夜| 一级毛片电影观看| 国产午夜精品一二区理论片| 日本猛色少妇xxxxx猛交久久| 国产精品香港三级国产av潘金莲 | 在线观看免费午夜福利视频| 热re99久久精品国产66热6| 亚洲av中文av极速乱| 亚洲三区欧美一区| 欧美精品一区二区免费开放| 国产成人欧美| 日韩伦理黄色片| 久久久久久人妻| 久久这里只有精品19| 精品亚洲成a人片在线观看| 狂野欧美激情性xxxx| 天天躁狠狠躁夜夜躁狠狠躁| 精品午夜福利在线看| 国产淫语在线视频| 亚洲av男天堂| tube8黄色片| 亚洲综合色网址| 国产一区有黄有色的免费视频| 一本—道久久a久久精品蜜桃钙片| 欧美精品高潮呻吟av久久| 最新在线观看一区二区三区 | 欧美久久黑人一区二区| 熟女av电影| 久久综合国产亚洲精品| 美女午夜性视频免费| 青春草亚洲视频在线观看| 黄色视频不卡| 在线 av 中文字幕| 免费人妻精品一区二区三区视频| 自线自在国产av| 国产精品三级大全| 欧美日本中文国产一区发布| 亚洲国产最新在线播放|