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

    A hybrid data-driven and mechanism-based method for vehicle trajectory prediction

    2023-11-16 10:12:56HaoqiHuXiangmingXiaoBinLiZeyangZhangLinZhangYanjunHuangHongChen
    Control Theory and Technology 2023年3期

    Haoqi Hu·Xiangming Xiao·Bin Li·Zeyang Zhang·Lin Zhang·Yanjun Huang·Hong Chen

    Abstract Ensuring the safe and efficient operation of self-driving vehicles relies heavily on accurately predicting their future trajectories.Existing approaches commonly employ an encoder–decoder neural network structure to enhance information extraction during the encoding phase.However,these methods often neglect the inclusion of road rule constraints during trajectory formulation in the decoding phase.This paper proposes a novel method that combines neural networks and rule-based constraints in the decoder stage to improve trajectory prediction accuracy while ensuring compliance with vehicle kinematics and road rules.The approach separates vehicle trajectories into lateral and longitudinal routes and utilizes conditional variational autoencoder(CVAE)to capture trajectory uncertainty.The evaluation results demonstrate a reduction of 32.4%and 27.6%in the average displacement error(ADE)for predicting the top five and top ten trajectories,respectively,compared to the baseline method.

    Keywords Vehicle trajectory prediction·Rule knowledge·Graph attention network·Conditional variational autoencoder·Moving horizon optimization

    1 Introduction

    Over the past decade, there have been high expectations for autonomous vehicles (AVs) to enhance road safety and efficiency.However, the realization of these benefits has encountered various challenges, primarily stemming from the intricate and unpredictable driving conditions [1, 2].Existing autonomous vehicle(AV)systems face difficulties in attaining the human level of accuracy in that conditions,resulting in either excessive caution or collisions[3].In complex scenarios,the precise prediction of trajectories plays a vital role in ensuring safe and efficient autonomous driving[4–7].

    Trajectory prediction methods for autonomous driving can be broadly categorized into rule-based or physics-based methods,machine learning or deep learning-based methods,and planning-based methods[8].Standard kinematic prediction methods include constant velocity (CV) and constant acceleration (CA) models, constant turn rate and velocity(CTRV), and constant turn rate and acceleration (CTRA)models [9],etc.However, these physics-based methods are only suitable for short-term prediction.Kalman filter is a method that considers the prediction uncertainty based on the kinematics model.Although trajectory uncertainty is commonly modeled using a Gaussian distribution, it falls short in accurately representing the diverse behaviors exhibited by human drivers,as it assumes a unimodal distribution.Xie[2]proposed a vehicle trajectory prediction method combining physics and maneuver.Physics-based methods have traditionally excelled at ensuring short-term trajectory accuracy,while maneuver-based methods have focused on predicting long-term trajectories.However,accurately identifying driving maneuvers poses a significant challenge due to the wide range of driving styles, vehicle characteristics, and uncertain scenarios.Incorrect identification of maneuvers leads to substantial errors in trajectory predictions,underscoring the limitations of this approach.

    The recurrent neural network (RNN) is a widely used deep learning method for prediction tasks.RNN and its variants, including GRU and LSTM, were initially developed and applied in the natural language processing(NLP)tasks.It is important to note that RNNs are not limited to NLP and have been successfully utilized in various domains, especially in the trajectory prediction.Deo [10] and Xin [11]first predicted the maneuver probability according to the encoder–decoder architecture of LSTM and then predicted the trajectory.Park et al.[12] discretized the highway into grids, expressed the predicted trajectory as multiple probability trajectories occupying the grid map, and obtainedKtrajectories with the highest probability through beam search.However, this method sacrifices prediction accuracy due to the 10m grid length.Effectively handling the multimodal characteristics and inherent uncertainty of trajectory prediction solely through the utilization of the RNN structure presents a challenge.Furthermore, those studies have been primarily focused on highway scenarios,limiting their applicability to other road environments.

    Researchers have employed convolutional neural networks(CNNs)to encode both map information and vehicle trajectories, enabling the extraction of interaction features between vehicles and their surrounding environment.This approach significantly enhances the accuracy of vehicle trajectory prediction while effectively capturing complex interactions that occur on the road.Convolutional social pooling, proposed by Deo et al.[13] and CoverNet, proposed by Phan-Minh et al.[14], use CNN to extract map features and interaction information and predict trajectories based on RNN.During driving, traffic participants usually adopt a local perspective, focusing on nearby lanes and vehicles rather than a bird’s-eye view.While CNNs are beneficial for extracting interactive features,maps often possess graph structures with intricate topologies.This complexity makes it inefficient for 2D convolutions to capture relevant information.For instance,a lane may extend over a considerable distance in its direction.To encompass the necessary information,the receptive field of the convolutional network would need to be exceptionally large,covering not only the intended area but also a substantial portion outside the lane.Therefore,it is unsuitable for trajectory prediction problems to directly extract images from rasterized maps as input features[15].

    To address the challenge of fluctuating numbers of traffic participants and effectively model their interactions,researchers have utilized graph neural networks and attention mechanisms to capture the dynamic interactions among agents.For instance, Yan et al.[16] used two types of spatial attention mechanisms to explain the interaction:attention to traffic participants and attention to lanes.Gao et al.[17]proposed a vector representation of a scene instead of a rendered image and feed the vectorized information into a graph neural network (GNN).Based on this, Deo et al.[18] used the graph attention network (GAT) to establish the interaction relationship between the target predicted vehicle and surrounding vehicles and pedestrians.Liang et al.[19]introduced a local graph attention mechanism to capture the spatial dependencies of trajectories and a temporal attention mechanism with sliding windows to capture short-and long-term temporal dependencies in trajectories.Although the attention mechanism can better capture the interaction between traffic participants,it is difficult to characterize the inherent uncertainty of the future trajectories,which can be loosely decoupled into lateral (e.g., keeping lane, turning)and longitudinal(e.g.,accelerating,braking)[18].

    To tackle the uncertainty in trajectory prediction,researchers have introduced the concept of multipath and multimodal trajectory predictions (MTP).These methods,suggested by Chai et al.[20] and Cui et al.[21], respectively,simultaneously infer multiple trajectories and provide the probability of corresponding trajectories.Additionally,researchers have utilized generative methods such as conditional variational autoencoder(CVAE)[22,23]and generativeadversarialnetwork(GAN)[24]fortrajectoryprediction.Ivanovic et al.[25, 26] used discrete latent variables in CVAE to avoid the mode collapse problem.Bhattacharyya et al.[27]applied an attention mechanism to the latent variables in CVAE to better capture interactions in the latent space and accurately represent the multimodal distribution of trajectories.Li et al.[28] used two latent variables: one for representing social interaction relations between agents and the other for representing agents’intent.

    Planning-based methods of trajectory prediction involve using the reinforcement learning algorithms to generate potential trajectories for vehicles by considering factors such as the current state, surrounding environment, and desired objectives.Deo et al.[6] proposed an approach based on maximum entropy inverse reinforcement learning (MaxEnt IRL), which can infer target vehicles’ goals and possible paths.Plan-based trajectories are state sequences sampled from maximum entropy policies rather than hidden variable generation.Sun et al.[29]applied a hierarchical form of the IRL approach in an interaction-aware prediction algorithm,where a mixture distribution of discrete strategies represents the future trajectory of the target vehicle.

    Existing approaches, including interactive CNN, GCN,GAT, CVAE with hidden variables, and reinforcement learning-based methods, primarily focus on enhancing the modeling of historical data in the encoder phase but do not sufficiently incorporate constraints on predicted trajectories during the decoder stage,which can result in non-compliant trajectories that are detrimental to decision-making and may lead to erroneous choices.

    This paper proposes a novel approach that integrates neural networks and rule-based constraints in the decoder stage to enhance trajectory prediction accuracy while maintaining adherence to vehicle kinematics and road rules.The method effectively separates vehicle trajectories into lateral and longitudinal routes,utilizing conditional variational autoencoder(CVAE)to capture the uncertainty of predicted trajectories.The contributions of this paper include the proposed method and demonstrated improvements in accuracy and compliance with vehicle kinematics and road rules:

    1.This paper proposes an innovative decoding method that integrates neural networks, specifically the graph attention mechanism and moving horizon optimization(MHO),with rule-based constraints.While existing algorithms primarily concentrate on encoding interaction relations and historical data, limited studies have addressed the decoding phase.The proposed method overcomes this limitation by combining neural networks and rules, resulting in improved trajectory prediction accuracy while ensuring adherence to vehicle kinematics and road rules.

    2.The extensive experiments were performed on the nuScenes, a large-scale public dataset that focuses on autonomous driving research,to quantitatively and qualitatively evaluate the proposed method against various baseline and state-of-the-art (SOTA) approaches.The results showcased a notable enhancement in predictive accuracy, constraint satisfaction, and predictive robustness by incorporating prior knowledge into the neural network.Particularly, the experiments encompassed complex interaction scenarios, underscoring the method’s effectiveness in real-world driving situations.

    The rest of the paper is organized as follows: Sect.2 defines the trajectory prediction problem.Section3 presents the proposed method.Section4 compares and analyzes the method proposed in this paper with existing methods,including quantitative analysis,qualitative analysis,and robustness analysis.Finally,conclusions are drawn in Sect.5.

    2 Problem definition

    3 Proposed method

    The method presented in this paper is built upon the encoder–decoderarchitectureofCVAE.CVAEencodestheunderlying stateintoaprobabilitydistributionandutilizessamplingfrom this distribution to generate diverse outputs.It allows the model to learn the posterior probability distribution of the true latent state variable,making it well suited for addressing model-based planning and control challenges [25],specifically in the context of autonomous driving decision-making tasks.

    The overall framework of the proposed method is shown in Fig.1.This paper uses LSTM and GAT to encode the historical information,future information of the target vehicle and surrounding agents,and lane information.Figure1 introduced the encoder,decoder,and overall framework of CVAE in detail.

    3.1 Encoder based on temporal encoding and spatial attention

    Fig.1 Proposed trajectory prediction framework

    The encoder based on temporal encoding and spatial attention is shown in Fig.1.First,traffic flow and road information are extracted.The input information is a piece of historical data for predicting the target vehicle and other traffic participants around it.In this paper,the method initially used a fully connected network and a nonlinear activation function to embed the time series data,followed by the utilization of LSTM for encoding it.The method can be expressed as:

    where FC is a fully connected network.This paper sets different maximum numbers for different agent categories,meaning that the number of agents the target vehicle pays attention to has an upper limit.For some scenarios where the number of agents does not reach the upper limit,fill the excess with 0 and mask this part to handle different numbers of traffic participants adaptively.

    Although lane information is not inherently time-related data,it can be considered as sequence data.LSTM is utilized to encode the lane information in the proposed method:

    Adaptive processing of different lane numbers is achieved in an agent-like manner.

    Simply adopting temporal encoding cannot fully represent the traffic scenario and capture agent interaction.Graph neural network is suitable for capturing the interaction relationship in dynamic scenarios since GAT can aggregate the information of adjacent traffic participants by assigning different weights to different nodes.This paper uses a graph attention network to model interaction.The calculation of the attention weight for the target vehicle and the agent is given by

    where the adjacent agent agent represents a vehicle or pedestrian,Wrepresents the shared weight to be learned in GAT,arepresents the weight vector of the feed-forward neural network,and||represents the vector connection.

    After obtaining the normalized attention coefficientα,the output of the graph neural network is expressed as

    whereσis a nonlinear activation function.The above formulas can also express lanes’attention.Each interaction learns a set of network parameters.

    3.2 Decoder combining neural network and receding optimization

    According to the characteristics of vehicle trajectory prediction on structured roads, this paper divides trajectory prediction into lateral heading angle prediction and longitudinal acceleration prediction.Longitudinal decoding and lateral decoding are introduced separately.

    3.2.1 Longitudinal acceleration prediction

    To better characterize the prediction uncertainty, this paper does not directly predict the continuous value of the acceleration.However,itpredictstheaccelerationafterdiscretization,which has also obtained better results than directly predicting the acceleration value in the experiment.In addition,predicting the discrete accelerations can better guarantee vehicle dynamics constraints.According to the physical constraints of the vehicle,first set the maximum and minimum accelerations of the vehicle asamaxandamin,respectively,and the candidate accelerations are as follows:

    InSect.3.2.1,theencodedinformationhhasbeenobtained,including target vehicle informationhTarget, interaction information with surrounding traffic participantshvehicle,hpedestrian,and lane interaction informationhlane.Firstly,the longitudinal discrete latent variablezlng,1:Tfutureis obtained according toh,expressed as

    Then, sample the acceleration labelalabel,1:Tfuturefromzlng,1:Tfuture,shown as

    Finally, the corresponding acceleration can be obtained according to the label obtained by sampling.

    3.2.2 Lane selection

    Since there is lane guidance,the calculation of the heading angle is different from the acceleration.It does not entirely rely on the neural network but can be combined with prior rule knowledge.First,according to the encoding informationh,the sampling is obtained to obtain the lateral latent variablezlat:

    Fig.2 Schematic diagram of the frenet coordinate

    Then,useGATtocalculatetheprobabilityof thecandidate lane,expressed as follows:

    Next,in combination with road information,we estimate the possible heading angle in the future via MHO.

    3.2.3 Heading angle estimation

    In structured roads,the heading angle of the vehicle can be estimated based on prior knowledge, such as the candidate lanes that the target vehicle can drive.For the convenience of calculation,this paper calculates the heading angle in the frenet coordinate system shown in Fig.2.The vehicle model in the frenet coordinate system is as follows:

    where?randκrare the heading angle and curvature of the candidate path,respectively.

    In this paper,when the lane closer to the vehicle position is used as the candidate reference path,dis small,and the road’s curvature is assumed to be small.To simplify the solution of the heading angle?,the speed is used as a constant,that is,˙s≈V, then model (10) simplifies to the following linear model:

    Taking?ras the measurable external disturbance,(11)can be written in the following form

    whereAc=0,Bc,?=V,Bc,w=-V.

    Discretize the model to get

    Let the prediction horizon beNpand the control horizon beNc,and define the prediction vector,heading angle vector,and measurable disturbance vector as follows:

    The prediction equation is as follows:

    where

    The goal is to drive along the candidate trajectory, i.e.,dref= 0.Therefore, considering the requirements of reference path tracking and path smoothing at the same time,the prior heading angle is obtained by receding optimization of the following objective function:

    Define the error vector asE(k+1) = -Sdd(k) -SwW(k),then the heading angle obtained is

    Take the first value??(k) =Φ?1(k) of the optimization variable as the predicted value of the heading angle at this moment.For the target vehicle, iteratively predictsTfuturetimes.The trajectory prediction model is introduced in Sect.3.2.4.

    3.2.4 Trajectory prediction

    The heading angle and acceleration sequence here are obtained by solving the open-loop optimization control problem, reflecting the possible future driving direction of the vehicle.After getting the estimated heading angle?tand accelerationatcorresponding to each path,a minor correction is made using the neural network based on the hidden variableh,expressed as follows:

    whereu=[?,a].

    Predict future trajectories based on the following kinematic model:

    Finally,a Gaussian distribution is used to characterize the uncertainty of the final position, expressed as?Xt, ?Yt~N(μt,Σ), whereμt=(Xt,Yt).For simplicity, the predicted locations share the covariance matrix

    3.3 Trajectory prediction based on CVAE

    Based on the encoder and decoder proposed in Sect.3.2,the trajectory prediction problem defined in Sect.2 of this paper can be solved.Under the given traffic flow information and road information,the position distribution of the target vehicle for a specific time in the future can be predicted,expressed as follows:

    where

    whereθis the parameter of neural networks.

    Due to hidden variableszlatandzlng, it is not simple to directly maximize the likelihood function,the network parameters are trained by stochastic variational inference based on pyro[30].

    4 Experiment

    4.1 Experimental design

    4.1.1 Dataset

    This paper evaluates the proposed trajectory prediction method based on the public dataset nuScenes [31], an autonomous driving dataset collected in two traffic-dense urban driving environments, Boston and Singapore.The nuScenes data frequency is 2Hz, and the trajectory prediction task is to predict the trajectory of the next 6s based on the data of the past 2s at most.

    4.1.2 Evaluation metrics

    This paper follows the evaluation methods in nuScenes and selects the following metrics as quantitative evaluation metrics for trajectory prediction:

    1.Minimum average displacement error (ADE) overKpredicted trajectories (min ADEK): the average displacement error between the reference trajectory in theK-predicted trajectories and the actual trajectory is expressed as follows:

    whereNisthenumberoftrajectoriesinthedataset,Tfutureis the prediction steps,sgtis the actual trajectory in the dataset,andskis the predictedkth trajectory.

    2.Minimum final displacement error (FDE) overKpredicted trajectories (min FDEK): the final position displacement error between the best trajectory in theK-predicted trajectories and the actual trajectory is expressed as follows:

    3.Miss rate (MR) at 2ms overK-predicted trajectories(MRK): among the predictedK-trajectories, if the predicted point closest to the actual trajectory still deviates from the actual value by more than 2m,it is called a miss,and the miss rate is the ratio of the missed trajectory to the whole dataset.

    4.Off-road(OR)rate overK-predicted trajectories(ORK):among the predictedK-trajectories,if all the trajectories exceed the drivable area, it is called off-road.The offroad rate is the ratio of off-road trajectories to the whole dataset.

    In this paper,various experiments are carried out to verify the effectiveness and advantages of the proposed method,including:

    1.Quantitatively and qualitatively analyze the method proposed in this paper with the baseline and SOTA methods in nuScenes.

    2.Conduct ablation studies on some critical components in the model,and try to explain why combining prior knowledge can improve trajectory prediction performance.

    3.Evaluate prediction robustness under sensor noise and target loss.

    4.1.3 Implementation details

    According to the introduction in Sect.3, the method proposed in this paper mainly comprises temporal encoding,spatial encoding, CVAE, lateral decoding, and longitudinal decoding.The parameters of each module are shown in Table1.Among them,input_size=32,hidden_size=32 of LSTM,embed_dim=32,num_heads=4 of multi-head attention,and the hidden layer dimensions of the two-layer fully connected network are 32 and 128,respectively.In this paper,the initial learning rate is set to 1e-3,and after 6 epochs,it is reduced to 1e-5 according to the exponential decay rate,and a total of 10 epochs are trained.

    Table 1 The structure of each part of the proposed method

    4.2 Quantitative analysis

    4.2.1 Comparison method

    This paper quantitatively compares the proposed method with the baseline and some SOTA methods in nuScenes,including the following methods:

    1.Physics Oracle(nuScenes baseline)[31]:A single-modal method that predicts future trajectories based on physical models and current vehicle state,regardless of prediction uncertainty.

    2.CoverNet (nuScenes baseline) [14] and MTP [21]: A fully connected neural network method based on raster map input and trajectory features.This paper considers the multimodal property of future trajectories,so the neural network outputs multiple trajectories and corresponding probabilities simultaneously.

    3.Trajectron++[26]:CVAEmethodbasedondiscretelatent variables,encoding the trajectory information of the target vehicle and surrounding vehicles through LSTM,encoding the influence between agents through the attention mechanism, and decoding the predicted trajectory through GRU.

    4.SG-Net[32]:A method based on target estimation,which completes the trajectory prediction task through three steps: predicting possible targets, generating trajectory sequences,and estimating trajectory likelihood.

    In addition, the trajectory prediction method based on CVAE and MHO proposed in this paper is denoted as TPCM.

    4.2.2 Comparison results

    Table2 shows the quantitative comparison of the proposed TPCM prediction method with various contrasting algo-rithms in the nuScenes prediction task.The best results for each metric are indicated in bold.

    Table 2 Comparison of performance metrics of various forecasting algorithms

    Among the methods listed,the average errors ADE5and ADE10of the prediction based on the physical model are the largest.Since it is a single-mode method that does not consider the uncertainty of the future trajectory,the average error of the prediction is identical no matter whatKis.It is worth noting that when predicting a single trajectory,the endpoint error of the prediction method based on the physical model has almost the same minimum value as that of the proposed method, which indicates that although existing deep learning-based algorithms take into account the multimodal nature of the future trajectory, it is difficult to predict the correct probability of the actual trajectory.Fully connected neural network methods based on raster map input and trajectory features,such as CoverNet and MTP,have achieved better results than physics-based methods when outputting multiple trajectories.The average trajectory error decreases as the number of predicted trajectories increases.For the two most commonly used metrics,ADE5and ADE10,the method proposed in this paper have decreased by 32.4%and 27.6%relative to CoverNet, 20.3% and 20% relative to MTP, and 5.9%and 7.9%relative to Trajectron++.

    Among various methods,the off-road rate of Trajectron++is as high as 0.25, which means that in 25% of the cases,theKtrajectories predicted by Trajectron++are beyond the vehicle’s drivable area, which is not available for decisionmaking and planning for autonomous driving.The method proposed in this paper achieves the best off-road rate performance because we add prior rule knowledge to the neural network by receding optimization.The off-road rate of SGNet based on the target estimation method is also very low because the target points estimated by SG-Net are all in the drivable area.In the case of predicting multiple trajectories,most of the trajectories meet the lane constraints, but even so, there will still be some trajectories beyond the road.In comparison, the method proposed in this paper adds prior knowledge.Most predicted trajectories can satisfy the road constraints,which can be better seen in qualitative analysis.

    Table 3 Quantitative ablation study of the proposed method

    4.2.3 Ablation study

    This paper also analyzes the importance of each component of the proposed method.The proposed method mainly includes three parts:encoder,decoder,and CVAE.The comparison results are shown in Table3.

    Compared with the full TPCM,the performance of other ablation models deteriorates.Through the comparison of the above three parts,the following conclusions can be drawn:

    1.From the comparison between the first line and the fourth line in Table3, it can be seen that when the encoder part does not use the graph attention mechanism, all performance indicators decline, which shows that the attention mechanism helps to capture the interaction between agents,and thus improve the predictive performance.

    2.It can be seen from the second and fourth lines that if the prior knowledge of the road is not added in the decoder stage, the prediction performance will deteriorate sharply, which shows that the prior knowledge is beneficial to the trajectory prediction problem.Figure3 can be used to explain this phenomenon.When no prior knowledge is added,the future heading angle and acceleration can only be learned through the dataset,which is a complicated fitting problem.When adding road prior knowledge,possible future heading angles can be calculated in advance, equivalent to reducing the complexity of the original complex fitting problem, and can better learn the trajectory distribution of the dataset.

    3.Comparing the third and fourth lines verifies the advantages of using discrete latent variables.The discrete distribution can better represent the multi-modes than the continuous Gaussian distribution.In particular, discrete latent variables can better capture acceleration changes.

    4.When comparing the first three rows, it can be found that adding the prior information of lanes is the most helpful for trajectory prediction, followed by adopting discrete latent variables and,finally,the graph attention mechanism.When only the graph attention mechanism is removed, although the prediction performance has deteriorated, the deterioration is slight, such as ADE5and ADE10,which only increased by 0.56%and 0.72%,respectively.If no prior knowledge is added, the above two errors increase by 45.2% and 36.7%, respectively.The role of discrete latent variables is between the two,and the errors increase by 33.9%and 10.1%.

    Fig.3 Simplification of fitting problem by prior knowledge

    4.3 Qualitative analysis

    4.3.1 Comparison method

    This paper also conducts a visual qualitative analysis of the proposed method to further explore the differences and advantages of the proposed method compared with existing methods.This section qualitatively compares the following methods:(1)MTP[21];(2)Latent variable-based decoding model (LVM); (3) Goal estimation-based method (Goalbased);(4)The top five SOTA method PGP with open source code in the nuScenes leaderboard[18];and(5)The method proposed in this paper without MHO (TPC); (6) The proposed method including all components(TPCM).

    4.3.2 Comparison results

    This paper selects typical scenarios such as driving straight at intersections,changing lanes to overtake,driving on ramps,diversion road, T-junctions, junctions, and roundabouts to compare the above 6 methods.The visualization results are shown in Fig.4.The yellow arrows in the figure point to the endpoints of thefivepredictedpossiblefuturetrajectories and mark the probability of each predicted trajectory.The green arrows point to the endpoints of the future ground truth(GT)trajectories.In this paper, the 6 methods are appropriately arranged to compare the methods with similar prediction results by column and compare the methods with a significant difference in prediction results by row.

    Figure4a–c are three relatively simple scenarios representing going straight at the intersection,changing lanes to overtake,and driving on the ramp.Multiple targets predicted by various methods can always cover the trajectory when driving on a straight road.Most methods can get the predicted trajectory closest to the real trajectory with the maximum probability.Latent variable model (LVM)-based decoding methods can generate different trajectories but have poor lateral diversity, always predicting different trajectories along the same route.The goal-based method(Goal-based)also haspoor lateral diversity in most scenarios,and in the straightgoing scenario in Fig.4a, the goal-based method predicts a goal that the vehicle cannot reach.In addition,as shown in the roundabout scene in Fig.4g,even if a reasonable target is predicted,goal based may not obtain an appropriate trajectory.The ramp in Fig.4c is a relatively simple scene because the vehicle only has one road, but MTP and TPC predict multipletrajectories beyondtheroad.Inthecurvedroadovertaking scenario in Fig.4b,the results predicted by LVM and goal based are not accurate, which is because the methods mentioned above do not utilize prior knowledge of road information,so they cannot be applied in the decision-making and planning tasks of autonomous driving.The method TPCM proposed in this paper gives the best prediction results in these three scenarios.The predicted trajectories meet the road rule constraints,and the correct results are obtained with the maximum probability.Through the comparison with TPC,it can be shown that utilizing road prior knowledge in the decoder stage can significantly improve the effectiveness and accuracy of trajectory prediction.Followed by PGP,its predicted results are also within the road, but it does not get accurate results with the maximum probability in the straight lane in Fig.4a and the ramp in Fig.4c.

    Fig.4 Visual comparison of various trajectory prediction methods in various scenarios.The yellow arrows point to the endpoints of the five predicted possible future trajectories and mark the probability of each trajectory.The green arrows point to the endpoints of the future GT trajectories

    Table 4 Robustness analysis of prediction when object loss

    Figure4d–f are three more complex scenarios:road diversion,intersection turning,and T-junction turning.Among the three scenarios,MTP and TPC have the worst prediction performance,followed by LVM.Especially when turning at an intersection, the three kinds mentioned above of methods all fail.In comparison,the multiple trajectories obtained by Goal-based can cover the real trajectories,but there are still some unreachable predicted targets whose prediction results exceed the road boundary.The best methods for predicting results are still TPCM and PGP.There are some subtle differences between the two.First,the prediction results of TPCM are relatively conservative.As shown in Fig.4e,although the vehicle tends to turn at the intersection turning, and both methods predict the real trajectory with the highest probability, TPCM still predicts the trajectory of going straight,assigns low probabilities of 0.148 and 0.025.Second, as shown in Fig.4f,the result of PGP prediction does not fully satisfy the road constraints because it makes full use of road data as much as possible in the encoder stage rather than using road prior knowledge in the decoder stage as in this paper.

    Finally, Fig.4g shows the trajectory prediction results at the roundabout.For the trajectory prediction task, the roundabout is a very complex scene because it is difficult to accurately predict which road the vehicle will exit the roundabout.Methods based only on deep neural networks such as LVM, MTP, goal-based, and TPC all fail at roundabouts.Only PGP and TPCM predict good results,but they still cannot predict accurate results with maximum probability but can only predict possible future trajectories.TPCM gives more diverse results and better characterizes the inherent uncertainty of trajectory prediction.

    4.4 Predictive robustness analysis

    In the last section,this paper analyzes the predictive robustness of the proposed method.Although the nuScenes dataset provides continuous tracking results for detecting objects,autonomous vehicles will inevitably encounter complex realworld situations, for example, object loss.Object loss is simulated by randomly discarding part of the data.Previous quantitative and qualitative analyses found that PGP is the best among the comparison methods.This paper only compares the prediction robustness of the proposed method with PGP.The comparison results are shown in Table4.

    Table4 compares the two methods for 20% and 40% of missing data.When data are missing,the prediction errors of both methods increase, but the deterioration rate of TPCM is still much smaller than that of PGP.When the data are lost by 20%, the deterioration rate of TPCM indicators is about 10%, while the deterioration rate of most metrics of PGP exceeds 100%.When the data are lost by 40%, each metric of TPCM deteriorates by about 20%.In comparison,the prediction error of PGP increases by more than 200%.At this time,the prediction results can hardly be applied to the decision-making and planning tasks of autonomous driving.

    Compared with the current SOTA method PGP, the method TPCM proposed in this paper has outstanding predictive robustness,which is because TPCM adds prior road knowledge in the decoder stage, combined with MHO, to calculate the possible future heading angle of the vehicle in advance,thus adding road constraints and vehicle lateral kinematics constraints.In addition, the obtained acceleration is guaranteed to satisfy the longitudinal constraints of the vehicle by predicting the acceleration.Most current neural network-based methods cannot impose constraints on the predicted trajectory.If the data are noisy or missing, the impact on the prediction results will be so significant that it may not be possible to apply the prediction model to the decision-making and planning tasks of autonomous driving.The method proposed in this paper overcomes this shortcoming.

    5 Conclusion

    In this paper,a novel vehicle trajectory prediction is proposed based on the advanced neural network and prior knowledge.The neural network is completed based on the encoder–decoder architecture of CVAE, and the prior knowledge is incorporated into the decoder of neural network by MHO.The quantitative and qualitative analysis of experimental resultsshowsthattheproposedmethodhaspreciseandrobust performanceonvehicletrajectoryprediction.Futureresearch includes: (1) adding more prior knowledge, such as intersection and traffic light information, etc.; (2) applying the proposed trajectory prediction method to decision-making and task-planning for autonomous driving.

    高清黄色对白视频在线免费看| 欧美成狂野欧美在线观看| 亚洲av国产av综合av卡| 精品熟女少妇八av免费久了| 正在播放国产对白刺激| 午夜激情av网站| 午夜免费成人在线视频| 国产在线免费精品| 69精品国产乱码久久久| 91老司机精品| 黑人巨大精品欧美一区二区mp4| 日本欧美视频一区| 国产免费福利视频在线观看| 中文字幕色久视频| 成年人午夜在线观看视频| 男人舔女人的私密视频| 欧美日韩中文字幕国产精品一区二区三区 | 日韩中文字幕欧美一区二区| 18禁国产床啪视频网站| 如日韩欧美国产精品一区二区三区| 免费久久久久久久精品成人欧美视频| 欧美精品亚洲一区二区| 他把我摸到了高潮在线观看 | 精品欧美一区二区三区在线| 精品久久久精品久久久| 国产亚洲精品第一综合不卡| 精品久久久久久久毛片微露脸 | 欧美精品亚洲一区二区| 国产欧美日韩一区二区三 | 人妻人人澡人人爽人人| tube8黄色片| 黄色视频,在线免费观看| 制服诱惑二区| av在线播放精品| 亚洲三区欧美一区| 日本黄色日本黄色录像| 视频区图区小说| 亚洲精品久久午夜乱码| 亚洲欧美激情在线| 99国产精品免费福利视频| 亚洲精品日韩在线中文字幕| 制服人妻中文乱码| 亚洲精品中文字幕在线视频| 久久精品人人爽人人爽视色| 黄色片一级片一级黄色片| 我的亚洲天堂| 亚洲全国av大片| 国产欧美日韩精品亚洲av| 香蕉国产在线看| 成人国产av品久久久| 久久青草综合色| 亚洲国产欧美在线一区| 婷婷丁香在线五月| av天堂久久9| 午夜福利视频精品| 五月天丁香电影| 韩国高清视频一区二区三区| av线在线观看网站| 男人添女人高潮全过程视频| 久久久欧美国产精品| 大香蕉久久网| 狠狠狠狠99中文字幕| 超色免费av| svipshipincom国产片| 老司机亚洲免费影院| 亚洲欧美色中文字幕在线| 精品国产乱码久久久久久男人| 少妇人妻久久综合中文| 免费日韩欧美在线观看| av视频免费观看在线观看| 久久久久久久久久久久大奶| 欧美国产精品一级二级三级| 久久人人爽人人片av| 他把我摸到了高潮在线观看 | 黑人猛操日本美女一级片| 亚洲一区中文字幕在线| 亚洲国产看品久久| 亚洲人成电影观看| av在线播放精品| 丝瓜视频免费看黄片| 十八禁网站免费在线| videosex国产| 国产xxxxx性猛交| 免费一级毛片在线播放高清视频 | 国产又爽黄色视频| 久久精品aⅴ一区二区三区四区| 国产又色又爽无遮挡免| 俄罗斯特黄特色一大片| 国产成人精品在线电影| 老熟妇乱子伦视频在线观看 | 日韩欧美国产一区二区入口| 另类亚洲欧美激情| 免费高清在线观看日韩| 免费高清在线观看视频在线观看| 在线av久久热| 国精品久久久久久国模美| 老司机在亚洲福利影院| av线在线观看网站| 免费在线观看黄色视频的| 中文精品一卡2卡3卡4更新| 窝窝影院91人妻| 手机成人av网站| av在线app专区| 高清视频免费观看一区二区| 精品人妻熟女毛片av久久网站| 老汉色av国产亚洲站长工具| 亚洲中文av在线| 俄罗斯特黄特色一大片| 国产黄频视频在线观看| av又黄又爽大尺度在线免费看| 人人澡人人妻人| 精品少妇久久久久久888优播| 天天躁日日躁夜夜躁夜夜| 国产精品一区二区精品视频观看| 国产高清视频在线播放一区 | 色精品久久人妻99蜜桃| 99热国产这里只有精品6| 自拍欧美九色日韩亚洲蝌蚪91| 淫妇啪啪啪对白视频 | 国产亚洲精品第一综合不卡| 亚洲国产日韩一区二区| 男女之事视频高清在线观看| 视频区图区小说| 午夜成年电影在线免费观看| 日日爽夜夜爽网站| 水蜜桃什么品种好| 国产一区二区三区综合在线观看| 成人国语在线视频| 一级黄色大片毛片| 19禁男女啪啪无遮挡网站| 亚洲欧美成人综合另类久久久| 午夜日韩欧美国产| 日韩欧美一区视频在线观看| 99久久国产精品久久久| 亚洲欧美清纯卡通| 国产精品国产av在线观看| 亚洲五月婷婷丁香| 亚洲国产欧美网| 国产精品麻豆人妻色哟哟久久| 欧美在线一区亚洲| 80岁老熟妇乱子伦牲交| 久久精品亚洲av国产电影网| 99热网站在线观看| 国产成人精品久久二区二区91| 男女床上黄色一级片免费看| 1024香蕉在线观看| 久热这里只有精品99| 久久狼人影院| 欧美日韩av久久| netflix在线观看网站| 黄色毛片三级朝国网站| 咕卡用的链子| av欧美777| 啪啪无遮挡十八禁网站| √禁漫天堂资源中文www| 精品少妇一区二区三区视频日本电影| www.999成人在线观看| 久久久国产成人免费| 天堂8中文在线网| 婷婷色av中文字幕| 视频区欧美日本亚洲| 国产麻豆69| 国产在视频线精品| 欧美av亚洲av综合av国产av| 啪啪无遮挡十八禁网站| 午夜免费鲁丝| 丝袜喷水一区| 1024视频免费在线观看| 国产一区有黄有色的免费视频| 午夜激情久久久久久久| 菩萨蛮人人尽说江南好唐韦庄| 欧美中文综合在线视频| 日本av手机在线免费观看| www日本在线高清视频| 黄色 视频免费看| 少妇被粗大的猛进出69影院| 黄色视频不卡| 日本a在线网址| 亚洲熟女精品中文字幕| 精品久久久久久电影网| 国产亚洲午夜精品一区二区久久| 9191精品国产免费久久| 丝袜在线中文字幕| 久久狼人影院| 成年人黄色毛片网站| 中文字幕高清在线视频| 成年动漫av网址| 在线观看免费日韩欧美大片| 午夜福利影视在线免费观看| 日韩欧美一区二区三区在线观看 | 老司机午夜福利在线观看视频 | 啦啦啦视频在线资源免费观看| 人人妻,人人澡人人爽秒播| 香蕉丝袜av| 国产成人啪精品午夜网站| 一区二区三区激情视频| 超色免费av| 亚洲avbb在线观看| 18禁观看日本| 男女下面插进去视频免费观看| 国产高清videossex| 成人av一区二区三区在线看 | 丝袜脚勾引网站| 人妻一区二区av| 三级毛片av免费| 免费日韩欧美在线观看| 19禁男女啪啪无遮挡网站| 日韩一卡2卡3卡4卡2021年| 一边摸一边抽搐一进一出视频| 久久中文看片网| 女警被强在线播放| 国产精品一区二区精品视频观看| 成人亚洲精品一区在线观看| 亚洲av电影在线观看一区二区三区| 三上悠亚av全集在线观看| 99国产综合亚洲精品| 多毛熟女@视频| 每晚都被弄得嗷嗷叫到高潮| 亚洲av电影在线进入| 欧美日韩av久久| 男人舔女人的私密视频| 久久久欧美国产精品| 色94色欧美一区二区| 麻豆av在线久日| 国产麻豆69| 国精品久久久久久国模美| 国产精品一区二区精品视频观看| av在线老鸭窝| 久久精品人人爽人人爽视色| 欧美精品一区二区免费开放| 免费久久久久久久精品成人欧美视频| 老司机深夜福利视频在线观看 | 亚洲av日韩在线播放| 菩萨蛮人人尽说江南好唐韦庄| 日日摸夜夜添夜夜添小说| 一级a爱视频在线免费观看| 欧美97在线视频| 纵有疾风起免费观看全集完整版| 国精品久久久久久国模美| 日韩 欧美 亚洲 中文字幕| 欧美日韩视频精品一区| 高清欧美精品videossex| 成人国产一区最新在线观看| 国产亚洲一区二区精品| 中文字幕高清在线视频| 日韩中文字幕欧美一区二区| 欧美+亚洲+日韩+国产| 亚洲欧美色中文字幕在线| 欧美激情 高清一区二区三区| 国产有黄有色有爽视频| 亚洲一卡2卡3卡4卡5卡精品中文| 亚洲国产精品一区三区| 国产精品免费视频内射| h视频一区二区三区| 久久99一区二区三区| 亚洲免费av在线视频| 亚洲成人手机| 日韩制服丝袜自拍偷拍| 亚洲精品粉嫩美女一区| 精品熟女少妇八av免费久了| 色视频在线一区二区三区| 午夜两性在线视频| 18禁国产床啪视频网站| 免费高清在线观看视频在线观看| 伦理电影免费视频| 十八禁高潮呻吟视频| 中国美女看黄片| 久久精品国产综合久久久| 蜜桃在线观看..| 性少妇av在线| 欧美 日韩 精品 国产| 美女大奶头黄色视频| 亚洲av片天天在线观看| 精品少妇黑人巨大在线播放| 高清在线国产一区| 青春草视频在线免费观看| 女警被强在线播放| 国产亚洲一区二区精品| 中亚洲国语对白在线视频| 欧美乱码精品一区二区三区| 大香蕉久久网| 久久久国产一区二区| 秋霞在线观看毛片| 三上悠亚av全集在线观看| 精品第一国产精品| a 毛片基地| 国产主播在线观看一区二区| 天天操日日干夜夜撸| 国产成人啪精品午夜网站| 一区二区三区激情视频| 亚洲国产日韩一区二区| 女警被强在线播放| 老司机深夜福利视频在线观看 | 亚洲天堂av无毛| 免费一级毛片在线播放高清视频 | 老熟妇乱子伦视频在线观看 | 国产欧美日韩一区二区精品| 精品国产乱子伦一区二区三区 | 国产精品欧美亚洲77777| 亚洲专区中文字幕在线| 国产精品偷伦视频观看了| 搡老熟女国产l中国老女人| 99精品欧美一区二区三区四区| 老司机福利观看| 69av精品久久久久久 | 人人妻,人人澡人人爽秒播| 国产黄色免费在线视频| 欧美日韩av久久| 欧美激情高清一区二区三区| 中文字幕高清在线视频| 国产精品久久久人人做人人爽| 菩萨蛮人人尽说江南好唐韦庄| 丝袜在线中文字幕| 国产成人精品久久二区二区91| 中文字幕高清在线视频| 久久中文看片网| 国产成人啪精品午夜网站| 午夜福利视频在线观看免费| 日韩有码中文字幕| 老司机靠b影院| 欧美精品一区二区大全| 女性被躁到高潮视频| 人人妻人人澡人人爽人人夜夜| 两个人看的免费小视频| 他把我摸到了高潮在线观看 | 又黄又粗又硬又大视频| 国产精品自产拍在线观看55亚洲 | 大片电影免费在线观看免费| 午夜福利视频在线观看免费| 热99re8久久精品国产| 999久久久精品免费观看国产| 久久久久久久久久久久大奶| 黄色视频在线播放观看不卡| 少妇裸体淫交视频免费看高清 | 国产三级黄色录像| 日日摸夜夜添夜夜添小说| 亚洲av美国av| 伦理电影免费视频| 久久精品国产亚洲av香蕉五月 | 老司机午夜十八禁免费视频| 乱人伦中国视频| 男人操女人黄网站| 不卡一级毛片| 91国产中文字幕| 秋霞在线观看毛片| 欧美亚洲 丝袜 人妻 在线| 午夜激情av网站| 男女下面插进去视频免费观看| 我要看黄色一级片免费的| 成在线人永久免费视频| 王馨瑶露胸无遮挡在线观看| 91成年电影在线观看| 久久人人爽av亚洲精品天堂| 亚洲视频免费观看视频| 多毛熟女@视频| 美女中出高潮动态图| 欧美黄色淫秽网站| 精品亚洲成国产av| 少妇的丰满在线观看| 精品亚洲乱码少妇综合久久| 日韩制服骚丝袜av| 国产精品影院久久| 夜夜夜夜夜久久久久| 自线自在国产av| 99热国产这里只有精品6| 老汉色∧v一级毛片| 成年人黄色毛片网站| 天堂俺去俺来也www色官网| 中亚洲国语对白在线视频| 欧美日韩av久久| 狠狠狠狠99中文字幕| 欧美性长视频在线观看| 久久精品国产亚洲av高清一级| 精品久久久精品久久久| 国内毛片毛片毛片毛片毛片| av不卡在线播放| 久久中文字幕一级| 日韩免费高清中文字幕av| 最近中文字幕2019免费版| netflix在线观看网站| 亚洲人成77777在线视频| 国产免费视频播放在线视频| 美女高潮到喷水免费观看| 中文字幕av电影在线播放| 99re6热这里在线精品视频| 正在播放国产对白刺激| 在线永久观看黄色视频| 一级毛片电影观看| 久久精品国产亚洲av香蕉五月 | 日韩大片免费观看网站| 波多野结衣av一区二区av| av又黄又爽大尺度在线免费看| 欧美精品高潮呻吟av久久| 可以免费在线观看a视频的电影网站| 丝袜喷水一区| 欧美日韩亚洲国产一区二区在线观看 | 黄网站色视频无遮挡免费观看| 国产精品久久久久久精品电影小说| 国产免费av片在线观看野外av| 欧美精品人与动牲交sv欧美| 午夜久久久在线观看| 久久人人爽人人片av| 日本黄色日本黄色录像| 一区二区三区四区激情视频| 国产精品一区二区在线观看99| 日日夜夜操网爽| av有码第一页| 99久久99久久久精品蜜桃| 成在线人永久免费视频| 不卡av一区二区三区| 成年美女黄网站色视频大全免费| 免费日韩欧美在线观看| a级毛片在线看网站| 一级黄色大片毛片| 国产一区二区三区av在线| 国产无遮挡羞羞视频在线观看| 久久九九热精品免费| 性色av一级| 欧美成狂野欧美在线观看| 日韩中文字幕欧美一区二区| 欧美日韩视频精品一区| 在线亚洲精品国产二区图片欧美| 欧美日韩一级在线毛片| 久久人人97超碰香蕉20202| 99久久国产精品久久久| 搡老岳熟女国产| av又黄又爽大尺度在线免费看| 精品一区二区三卡| 两人在一起打扑克的视频| 新久久久久国产一级毛片| 中文字幕色久视频| 久久久精品免费免费高清| 中文字幕最新亚洲高清| 美女高潮到喷水免费观看| 黑人操中国人逼视频| 国产伦人伦偷精品视频| 老熟妇乱子伦视频在线观看 | 久久久国产一区二区| 好男人电影高清在线观看| 久久国产精品大桥未久av| 少妇被粗大的猛进出69影院| 69精品国产乱码久久久| 国产老妇伦熟女老妇高清| 亚洲精品美女久久久久99蜜臀| 久久久久精品国产欧美久久久 | tocl精华| 成人国产一区最新在线观看| 老司机福利观看| 久热这里只有精品99| 精品第一国产精品| 欧美日韩中文字幕国产精品一区二区三区 | 丰满人妻熟妇乱又伦精品不卡| 日韩电影二区| 国产成人系列免费观看| 欧美日韩视频精品一区| 亚洲精品国产一区二区精华液| av天堂在线播放| 十分钟在线观看高清视频www| 悠悠久久av| 99香蕉大伊视频| 岛国在线观看网站| 免费高清在线观看视频在线观看| 久久人人97超碰香蕉20202| 久久天躁狠狠躁夜夜2o2o| 啦啦啦啦在线视频资源| 亚洲精品久久久久久婷婷小说| 少妇 在线观看| 91国产中文字幕| 老熟女久久久| 国产熟女午夜一区二区三区| 国产精品影院久久| 国产成人一区二区三区免费视频网站| 999久久久精品免费观看国产| 女警被强在线播放| 亚洲精品成人av观看孕妇| a在线观看视频网站| 亚洲专区中文字幕在线| 免费观看a级毛片全部| 精品亚洲成国产av| 国产成人免费观看mmmm| 日韩电影二区| 色视频在线一区二区三区| 91成年电影在线观看| 精品少妇内射三级| 91成年电影在线观看| 欧美性长视频在线观看| 成年美女黄网站色视频大全免费| 久久人人爽人人片av| 最黄视频免费看| 一区二区三区激情视频| 国产麻豆69| 精品一区二区三卡| 色综合欧美亚洲国产小说| 欧美老熟妇乱子伦牲交| 高清在线国产一区| 女人高潮潮喷娇喘18禁视频| 欧美日韩成人在线一区二区| 十八禁人妻一区二区| 国产一区二区 视频在线| 久久久久久免费高清国产稀缺| 色94色欧美一区二区| 国产亚洲午夜精品一区二区久久| 欧美av亚洲av综合av国产av| 满18在线观看网站| 久久ye,这里只有精品| 天天躁夜夜躁狠狠躁躁| 亚洲熟女精品中文字幕| 又黄又粗又硬又大视频| 99国产综合亚洲精品| 亚洲情色 制服丝袜| 在线永久观看黄色视频| 久久久国产成人免费| 老汉色∧v一级毛片| 男人操女人黄网站| 亚洲一区中文字幕在线| 久久人妻熟女aⅴ| 国产高清videossex| 久久毛片免费看一区二区三区| 18禁黄网站禁片午夜丰满| 新久久久久国产一级毛片| 女警被强在线播放| 国产又爽黄色视频| 精品一区二区三区av网在线观看 | 老鸭窝网址在线观看| 欧美大码av| 18禁国产床啪视频网站| svipshipincom国产片| 亚洲男人天堂网一区| 丰满少妇做爰视频| 日韩欧美一区视频在线观看| 国产精品 欧美亚洲| 亚洲精品一区蜜桃| 老司机福利观看| 国产无遮挡羞羞视频在线观看| 久久九九热精品免费| 亚洲五月色婷婷综合| 国产欧美亚洲国产| 日日夜夜操网爽| tube8黄色片| 桃红色精品国产亚洲av| 精品一区二区三区av网在线观看 | 淫妇啪啪啪对白视频 | 99热国产这里只有精品6| 一区二区三区四区激情视频| 欧美精品高潮呻吟av久久| 亚洲精品自拍成人| 天天躁日日躁夜夜躁夜夜| 99国产精品免费福利视频| 国产一区二区 视频在线| 无遮挡黄片免费观看| 亚洲欧美精品自产自拍| 老司机亚洲免费影院| 久久中文看片网| 黑人欧美特级aaaaaa片| 999久久久精品免费观看国产| 大陆偷拍与自拍| 久久午夜综合久久蜜桃| 在线观看www视频免费| 日韩,欧美,国产一区二区三区| 久久青草综合色| 岛国毛片在线播放| 成人18禁高潮啪啪吃奶动态图| 日韩,欧美,国产一区二区三区| 精品高清国产在线一区| 久久中文字幕一级| 国产一级毛片在线| 老司机福利观看| 精品一品国产午夜福利视频| 亚洲欧美一区二区三区黑人| 无限看片的www在线观看| 亚洲人成电影观看| 另类精品久久| 成人三级做爰电影| 亚洲中文av在线| 看免费av毛片| 中亚洲国语对白在线视频| 亚洲伊人色综图| 热99re8久久精品国产| 精品国产一区二区三区四区第35| 91精品伊人久久大香线蕉| 母亲3免费完整高清在线观看| 少妇 在线观看| 日韩大片免费观看网站| 91麻豆精品激情在线观看国产 | 日本欧美视频一区| 黄色怎么调成土黄色| 日韩熟女老妇一区二区性免费视频| 国产精品1区2区在线观看. | 亚洲一区中文字幕在线| 欧美日韩福利视频一区二区| 丝瓜视频免费看黄片| 欧美大码av| 男女免费视频国产| 狂野欧美激情性bbbbbb| 国产精品亚洲av一区麻豆| 亚洲av美国av| 2018国产大陆天天弄谢| 久久久国产精品麻豆| 99热全是精品| 汤姆久久久久久久影院中文字幕| 国产精品国产三级国产专区5o| 最新在线观看一区二区三区| 久久av网站| 亚洲国产欧美网| 汤姆久久久久久久影院中文字幕| 成人av一区二区三区在线看 | 亚洲精品国产av蜜桃| 国产片内射在线| 黄片小视频在线播放| 在线十欧美十亚洲十日本专区| 永久免费av网站大全| 在线亚洲精品国产二区图片欧美| 国产高清国产精品国产三级| 亚洲精品美女久久久久99蜜臀| 老司机在亚洲福利影院|