Next Article in Journal
Packaging of DNA Integrated with Metal Nanoparticles in Solution
Previous Article in Journal
A New Forecasting Approach for Oil Price Using the Recursive Decomposition–Reconstruction–Ensemble Method with Complexity Traits
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Physics-Informed Generative Car-Following Model for Connected Autonomous Vehicles

School of Automation, Northwestern Polytechnical University, Xi’an 710072, China
*
Author to whom correspondence should be addressed.
Entropy 2023, 25(7), 1050; https://doi.org/10.3390/e25071050
Submission received: 15 May 2023 / Revised: 4 July 2023 / Accepted: 10 July 2023 / Published: 12 July 2023
(This article belongs to the Section Multidisciplinary Applications)

Abstract

:
This paper proposes a novel hybrid car-following model: the physics-informed conditional generative adversarial network (PICGAN), designed to enhance multi-step car-following modeling in mixed traffic flow scenarios. This hybrid model leverages the strengths of both physics-based and deep-learning-based models. By taking advantage of the inherent structure of GAN, the PICGAN eliminates the need for an explicit weighting parameter typically used in the combination of traditional physics-based and data-driven models. The effectiveness of the proposed model is substantiated through case studies using the NGSIM I-80 dataset. These studies demonstrate the model’s superior trajectory reproduction, suggesting its potential as a strong contender to replace conventional models in trajectory prediction tasks. Furthermore, the deployment of PICGAN significantly enhances the stability and efficiency in mixed traffic flow environments. Given its reliable and stable results, the PICGAN framework contributes substantially to the development of efficient longitudinal control strategies for connected autonomous vehicles (CAVs) in real-world mixed traffic conditions.

1. Introduction

The field of car-following behavior modeling has garnered significant attention in the transportation community over several decades. As advancements in technology, such as machine learning, sensors, and communication systems, facilitate the development of connected and autonomous vehicles (CAVs), understanding and predicting human driving behavior becomes increasingly important. This is particularly true during the transitional period when CAVs coexist with human-driven vehicles (HVs). In this context, the development of precise car-following models is crucial to advancing the performance of autonomous driving systems, augmenting traffic safety, and promoting efficiency.
Conventional car-following models can be classified into two main categories: physics-based models and data-driven models. Physics-based models attempt to represent car-following behavior using established physical laws or empirical rules, offering interpretable and stable predictions. However, their reliance on simplified mathematical functions and a restricted number of parameters may limit their generalization across various driving scenarios. In contrast, data-driven models are capable of extracting underlying patterns from data without requiring prior knowledge or assumptions. While these models can effectively capture complex driving behaviors, they may occasionally produce physically inconsistent predictions. Therefore, hybrid car-following models have gained considerable attention in recent years. These hybrid models combine the strengths of both physics-based and data-driven approaches, incorporating the robustness of physical laws and the adaptability of machine learning methods to enhance predictive performance. This hybrid approach aims to achieve a balance between interpretability, generalizability, and accuracy in predicting car-following behavior by integrating elements from conventional models, especially in the context of CAVs.
Physics-informed deep learning (PIDL) is a prominent research area, with numerous studies exploring its potential applications and benefits [1,2,3]. In PIDL, physical knowledge is typically incorporated into deep neural networks through governing equations, physical constraints, or regularity terms in loss functions [4]. In terms of driving behavior modeling, groundbreaking work by Mo et al. [5] and subsequent studies [6,7,8,9] have established the PIDL paradigm as a promising avenue, demonstrating the advantages of leveraging existing physics-based car-following models within deep neural networks to enhance the training and prediction of car-following behavior.
While the studies mentioned above have made significant strides in combining physics-based models with deep learning architectures, some potential research gaps can be identified:
  • In the design of hybrid models, an explicit weighting parameter is often employed to balance the contributions of physics-based and data-driven models or represent the weight for loss terms in the loss function. Although this approach enables the optimization of the hybrid model’s performance by fine-tuning the balance between the two models, it can present challenges in parameter tuning and overfitting. This may lead to increased computational costs and poor generalization to unseen data. Furthermore, this approach may reduce the model’s adaptability to new situations due to its inability to capture inherent dynamics between physics-based and data-driven models.
  • When developing hybrid car-following models for CAVs, the incorporated physics-based models are often general models that simulate human driving behavior, such as the intelligent driver model (IDM) and the optimal velocity model (OVM). However, since these models are not specifically tailored for CAVs, their integration may impact the performance of the hybrid model.
  • While recent studies have demonstrated the potential of hybrid car-following models to improve the performance of CAVs, there remains a need for the extensive evaluation and validation of these models in mixed traffic flow. This would involve high-fidelity simulations that consider the complex interactions between CAVs and HVs, as well as diverse driving scenarios and environments.
To address the above challenges, we propose a novel hybrid car-following model called the Physics-Informed Conditional Generative Adversarial Network (PICGAN). It integrates a physics-based model into the training process of the Conditional Generative Adversarial Network (CGAN) structure. In essence, it utilizes the physics-based model as an additional discriminator. This integration allows the model to leverage the strengths of the physics-based approach, namely, its interpretability and reliability under normal traffic conditions, as well as those of the data-driven approach, like its capability to capture complex nonlinear relationships and perform well under diverse traffic conditions. Our key contributions are as follows:
  • The proposed PICGAN model eliminates the need for explicit weighting parameters, bringing together the benefits of both physics-based and deep-learning-based approaches. This unique combination enhances the adaptability and generalization capabilities of the car-following model.
  • The hybrid framework incorporates a custom physics-based model designed specifically for CAVs, namely, the control model developed by the PATH laboratory based on actual vehicle implementation. This integration enhances the applicability and performance of the hybrid model in CAV scenarios.
  • Numerical simulations are conducted to assess the performance of the proposed hybrid car-following model. Specifically, we employ a platoon simulation to verify the model’s stability, and we use a periodic boundary condition to gauge the model’s effectiveness in mixed traffic flow scenarios.
The subsequent sections of this paper are organized as follows: Section 2 provides an in-depth literature review. In Section 3, we present the architecture of the proposed physics-informed generative car-following model. Section 4 details the training of the proposed model using an empirical dataset, and it also presents the model’s performance based on prediction accuracy, platoon simulation, and mixed traffic flow simulation. In Section 5, our findings are discussed and concluded.

2. Literature Review

2.1. Conventional Car-Following Models

Car-following models, which describe the longitudinal interactions between adjacent vehicles, have been extensively studied for decades; the first model was proposed by Pipes nearly seventy years ago [10]. Physics-based car-following models can be broadly categorized into four groups: stimulus–response models [11,12,13,14,15,16], desired measures models [17,18,19,20], psycho-physical models [21,22], and Newell’s simplified models [23,24,25,26,27]. These models are built on various behavioral perspectives, such as stimulus–response, desired measures, perceptual thresholds, and parsimonious replication of vehicle trajectories, providing a foundation for understanding driver behaviors and capturing traffic oscillations.
Data-driven car-following models have gained traction in recent years as they leverage real-world traffic data and do not require mathematical formulas or calibration. These models employ various machine learning techniques to achieve more accurate and adaptable car-following behaviors. Nonparametric regression models use techniques like locally weighted regression [28,29] and k-nearest neighbor [30] to predict vehicle positions and reproduce traffic dynamics, offering a flexible and adaptive approach to car-following behavior modeling. Support vector regression (SVR) models [31] apply the principles of support vector machines (SVM) to regression problems. In car-following modeling, SVR considers inputs like space headway, the follower’s speed, and relative speed to output the follower’s speed, allowing the model to capture the asymmetric characteristics of car-following behavior. Reinforcement learning (RL) models use deep reinforcement learning to train agents to make car-following decisions. Flow, a computational framework [32], integrates traffic simulators and deep RL libraries to enable the development of controllers for autonomous vehicles in complex traffic scenarios. Other RL models [33,34,35] focus on learning personalized reward functions and driving strategies from historical driving data, leading to more human-like and adaptable car-following behaviors. Deep learning (DL) models can account for complex driving behavior patterns, resulting in more accurate traffic flow simulations. Studies have focused on supervised learning approaches, such as recurrent neural networks (RNN) [36], long short-term memory (LSTM) [37], encoder–decoder [38], and attention-based transformer models [39], to predict traffic oscillations and car-following trajectories. To address some of the deficiencies of supervised learning, Generative Adversarial Network (GAN)-based car-following models [40,41,42,43,44,45] have emerged, generating realistic and diverse car-following behaviors. Overall, these data-driven car-following models offer improved performance over physics-based models, showing significant potential for enhancing autonomous driving algorithms and traffic flow models.

2.2. Hybrid Car-Following Models

Hybrid car-following models have attracted significant attention in recent years due to their potential to combine the strengths of physics-based and data-driven models, enhancing the prediction of car-following behavior. It should be noted that physics-based models may be referred to by different names, such as kinematics-based, theoretically driven, model-based, and mathematical models. In this section, we review four kinds of studies that have developed hybrid car-following models, revealing common trends in this research area.
The fusion of machine learning techniques with classical car-following models is a common approach in the development of hybrid car-following models. Yang et al. [46] employed a combination forecast method to merge machine-learning-based and kinematics-based models, achieving superior performance by determining the optimal weight values between distinct car-following models. The results demonstrate that the combination car-following model outperforms individual models in terms of safety and robustness. Li et al. [47] put forth a fusion modeling approach that amalgamates data-driven and theoretically driven car-following models, constructing a combined LSTM–IDM car-following model using an adaptive Kalman filter. Wu and Work [48] focused on incorporating the structure of classical models into the neural networks by modifying architectures and activation functions. These approaches aim to achieve superior performance by optimally combining distinct car-following models, demonstrating the value of hybrid modeling in improving safety and robustness.
The integration of physics-based models into deep learning architectures has been a recurring theme in hybrid car-following models. Mo et al. [5] proposed a physics-informed deep learning (PIDL) paradigm for car-following models that combines the strengths of both physics-based models and deep learning models. The combination process involves encoding physics-based models into deep neural networks to create a family of neural network-based car-following models that are informed by physics-based models. This approach aims to improve the accuracy and data efficiency of car-following behavior prediction by integrating fundamental traffic flow theories from physics-based models into deep learning architectures. In accordance with this paradigm, Xu et al. [6] integrated an improved IDM into PIDL and proposed a complementary fusion model for car-following prediction. To address uncertainty quantification problems in car-following behaviors, Mo and Di [7] encoded the stochastic physics into the PIDL structure. This model adds a physics discrepancy term to the loss function of GAN, to learn the underlying physics of car-following behaviors and generate realistic samples of driver trajectories under different uncertainty scenarios. Wang and Feng [8] integrated the IDM with a sequence-to-sequence recurrent autoencoder, enabling the simultaneous prediction of the multi-step trajectory. This integration is facilitated by the design of a hybrid loss function that includes the calibrated car-following model during the autoencoder training process. Naing et al. [9] proposed a jointly trained approach, allowing for a more powerful hybrid car-following model that can capture both short-term dynamics and long-term trends in traffic flow. Using the IDM as a constraint to guide the learning process, the LSTM is trained to learn underlying patterns in the data while ensuring that these patterns are consistent with real-world driving behaviors. These studies demonstrate the potential of combining the interpretability and domain knowledge of physics-based models with the flexibility and learning capabilities of deep learning models.
Reinforcement-learning-based car-following models have been combined with traditional car-following strategies to develop hybrid car-following approaches. Yan et al. [49] proposed a hybrid car-following strategy combining deep deterministic policy gradient (DDPG) and cooperative adaptive cruise control (CACC), addressing performance limitations by selecting optimal actions in real-time under the Markov decision process (MDP) framework and using a switching rule for smooth transitions. Yavas et al. [50] proposed a hybrid car-following policy that combines classical car-following policy with model-based reinforcement learning (MBRL) policy. The classical policy generates a reference acceleration, while the MBRL policy predicts future states of other vehicles and their trajectories, modifying the reference acceleration for more accurate and predictive control.
Some studies have also focused on developing hybrid car-following models by integrating probabilistic approaches with established car-following models. Soldevila et al. [51] integrated a parametric and a nonparametric mathematical formulation to predict individual drivers’ acceleration given a set of variables. The model uses Gaussian process regression (GPR) to make predictions when there is a correlation between new input and the training dataset. Zhang et al. [52] proposed a hybrid car-following model that integrates the IDM with time-varying parameters and a neural-process-based car-following model. By computing the aggressiveness index and mapping it to an intermediate variable of the neural process, the model can capture driving styles and generate realistic behavior.
In summary, the literature on hybrid car-following models reveals a growing interest in combining physics-based and data-driven models to enhance the prediction of car-following behavior. These studies highlight the value of hybrid modeling in advancing safety, robustness, and predictive accuracy within the car-following domain.

3. Methodology

3.1. Physics-Based Car-Following Models

Car-following models are designed to establish the mapping from the driving states, such as spacing headway, velocity differential, and velocity itself, to certain actions, typically acceleration and target velocity. Consider an input–output pair ( X , Y ) , where X is an element of the state space S , and Y is an element of the action space A , i.e.,  X S and Y A . In the context of a physics-based car-following model, denoted as f λ , the model is responsible for learning the mapping from the state space to the action space, represented as f λ : X Y .

3.1.1. Intelligent Driver Model

The intelligent driver model (IDM) was initially introduced in 2000 and has been successful in accurately reproducing phase transitions at road inhomogeneities [20]. This model is capable of capturing the car-following behaviors of human-driven vehicles, and its parameters possess distinct physical interpretations. The governing equation of IDM is expressed in Equations (1) and (2).
a = a ˜ 1 v v ˜ 4 s * ( v , Δ v ) Δ x 2
s * ( v , Δ v ) = s 0 + max 0 , t 0 v v Δ v 2 a ˜ b ˜
where a represents the acceleration of the subject vehicle. The relative speed, denoted by Δ v , is calculated as the difference between the preceding vehicle’s speed ( v p ) and the subject vehicle’s speed (v), i.e.,  Δ v = v p v . The gap distance between adjacent vehicles is represented by Δ x . s * is the desired gap distance function.
The model includes several parameters that characterize the driving behavior: the maximum acceleration ( a ˜ ), desired deceleration ( b ˜ ), desired speed ( v ˜ ), safe time gap ( t 0 ), and minimum safe gap distance ( s 0 ). These parameters need to be calibrated to accurately capture the car-following dynamics of human-driven vehicles.

3.1.2. Cooperative Adaptive Cruise Control Model

The PATH laboratory has developed control models for adaptive cruise control (ACC) and cooperative adaptive cruise control (CACC) based on real vehicle implementation [53,54], demonstrating that ACC vehicle strings exhibit instability, while CACC strings enable smooth and stable following action. In this study, we concentrate on CAVs equipped with communication technology, which promotes the stability of mixed traffic flow. As the CACC model is derived from actual vehicle trajectories, it is employed to model CAVs. The control equations for the CACC model, including the gap error and the speed derivative, are presented in Equations (3) and (4).
e = Δ x s 0 t c v v = v p + k p e + k d e ˙
a = k p ( Δ x s 0 ) k p t c v + k d Δ v k d t c + d t
where e represents the gap error between the actual and desired gap. t c denotes the desired constant time gap. The speed of the subject vehicle at the previous control time is indicated by v p . The control parameters k p and k d are utilized to adjust the time gap error. The updated time interval is represented by d t .
The values of k p , k d , and  d t are determined through experimental tests [54], with k p = 0.45 , k d = 0.25 , and  d t = 0.01 s . According to research in [55], the accepted values of t c vary, and the maximum acceptance rate is 57% when t c = 0.6 .

3.2. Conditional GAN-Based (CGAN) Car-Following Model

Generative models focus on learning the underlying data distribution and generating new samples similar to the observed data. One powerful type of generative model is the Generative Adversarial Network (GAN), which consists of two neural networks, the generator (G) and the discriminator (D), which compete with each other in a min–max game. The generator’s goal is to create synthetic data samples that resemble the true data distribution, while the discriminator’s task is to distinguish between real samples from the true data distribution and fake samples generated by the generator. Conditional GAN (CGAN) [56] presents an advanced variation of the GAN framework, wherein the discrimination process is influenced by additional input variables. Integrating this additional information enables the generation of more refined and diverse outputs that align with specific conditions. Previous studies [44,45] have substantiated the practical utility of CGAN in the domain of car-following models.
The architecture of the CGAN for car-following modeling is illustrated in Figure 1. During the training process, the generator continually improves its ability to generate realistic actions, i.e.,  Y ^ = G ( X ) , while the discriminator enhances its ability to identify real action (Y) versus fake action ( Y ^ ), with the consideration of additional information (c). This adversarial process continues until an equilibrium is reached, where the generator produces samples that are indistinguishable from the real data, and the discriminator can no longer accurately differentiate between the two. The learning objective of the CGAN-based car-following model can be represented by Equations (5)–(7):
D * = arg max D V ( G , D )
G * = arg min G max D V ( G , D )
V ( G , D ) = E ( c , Y ) P data [ log D ( c , Y ) ] + E c P data , Y ^ P G [ log ( 1 D ( c , Y ^ ) ]
where D * and G * represent the optimal discriminator and generator functions. V ( G , D ) represents the loss function that quantifies the difference between the actual data and the samples produced by the model. The symbol E stands for expectation. P data signifies the true distribution of the data, while P G denotes the distribution obtained from the generator G. Two pairs are evaluated by the discriminator D, the pair ( c , Y ) comprising the condition and the real action, and the pair ( c , Y ^ ) consisting of the condition and the generated action.

3.3. Physics-Informed CGAN-Based (PICGAN) Car-Following Model

3.3.1. Architecture of PICGAN

To leverage the advantages of both physics-based and data-driven models, we propose a physics-informed CGAN (PICGAN) architecture, as depicted in Figure 2. The PICGAN framework encompasses a generator and two discriminators, establishing two interlaced CGAN configurations that integrate a pre-trained physics-based model. The left CGAN structure is trained using observed data, while the right CGAN structure leverages data simulated from the physics-based model.
The generator ( G θ ) employs an encoder–decoder architecture, processing the input sequence ( X o / X λ ) to yield the output sequence ( Y ^ o / Y ^ λ ), as formulated in Equations (8) and (9). Concurrently, the condition sequence from the dataset ( c o / c λ ) serves as additional information for the discriminators ( D φ / D ω ). The discriminator D φ learns to distinguish the output sequence from the real action of the observed sample and evaluates the consistency of the states in the observed sample, as represented by the loss function in Equation (10). Similarly, discriminator D ω evaluates the output sequence against physics-based samples, with the loss function calculated in Equation (11).
Y ^ o = G θ ( X o )
Y ^ λ = G θ ( X λ )
V ( G θ , D φ ) = E ( c o , Y o ) P obs [ log D φ ( c o , Y o ) ] + E c o P obs , Y ^ o P G θ [ log ( 1 D φ ( c o , Y ^ o ) ) ]
V ( G θ , D ω ) = E ( c λ , Y λ ) P phy [ log D ω ( c λ , Y λ ) ] + E c λ P phy , Y ^ λ P G θ [ log ( 1 D ω ( c λ , Y ^ λ ) ) ]
The parameters for the generator and two discriminators are represented by θ , φ , and  ω , which are updated in the training process. The comprehensive training procedure is outlined in Algorithm 1.
Algorithm 1: PICGAN-based car-following model training
1
Assign initial values to the parameters θ for the generator ( G θ ), and to φ and ω for the discriminators ( D φ and D ω );
In each training iteration
2
Sample condition c o and output sequence Y o from observed training set;
3
Get the real samples { ( c o 1 , Y o 1 ) , ( c o 2 , Y o 2 ) , , ( c o m , Y o m ) } ;
4
Sample input sequence X o and condition c o from observed training set, and generate output sequence Y ^ o by G θ ( X o ) ;
5
Get the generated samples { ( c o 1 , Y ^ o 1 ) , ( c o 2 , Y ^ o 2 ) , , ( c o m , Y ^ o m ) } ;
6
Update parameters φ of discriminator D φ to increase D φ ( c o , Y o ) and decrease D φ ( c o , Y ^ o ) ,
i.e., maximize V ^ = 1 m i = 1 m log D φ ( c o i , Y o i ) + 1 m i = 1 m log ( 1 D φ ( c o i , Y ^ o i ) ) ,
φ φ + η V ^ ( φ ) ;
7
Update generator parameters θ to minimize V ^ = 1 m i = 1 m log ( 1 D φ ( c o i , G θ ( X o i ) ) ) ,
θ θ η V ^ ( θ ) ;
8
Sample condition c λ and output sequence Y λ from physics-based set;
9
Get the real samples { ( c λ 1 , Y λ 1 ) , ( c λ 2 , Y λ 2 ) , , ( c λ m , Y λ m ) } ;
10
Sample input sequence X λ and condition c λ from physics-based set, and generate output sequence Y ^ λ by G θ ( X λ ) ;
11
Get the generated samples { ( c λ 1 , Y ^ λ 1 ) , ( c λ 2 , Y ^ λ 2 ) , , ( c λ m , Y ^ λ m ) } ;
12
Update parameters ω of discriminator D ω to increase D ω ( c λ , Y λ ) and decrease D ω ( c λ , Y ^ λ ) ,
i.e., maximize V ^ = 1 m i = 1 m log D ω ( c λ i , Y λ i ) + 1 m i = 1 m log ( 1 D ω ( c λ i , Y ^ λ i ) ) ,
ω ω + η V ^ ( ω ) ;
13
Update generator parameters θ to minimize V ^ = 1 m i = 1 m log ( 1 D ω ( c λ i , G θ ( X λ i ) ) ) ,
θ θ η V ^ ( θ )

3.3.2. Generator Structure within PICGAN

The generator ( G θ ) in the proposed architecture utilizes an encoder–decoder structure, as illustrated in Figure 3. The structure of this generator corresponds with the sequence-to-sequence learning (Seq2Seq) car-following model presented in our earlier research [38]. This model takes multi-step driving states as input and generates multi-step actions as output. A comprehensive description of the fundamental framework of the Seq2Seq model and the long short-term memory (LSTM) unit can be found in that paper. In accordance with the decision-making process investigated in [38], we select distance- and speed-related factors for input and designated acceleration as output. As such, we assigned gap distance ( Δ x ), relative speed ( Δ v ), and speed (v) as input variables, while acceleration (a) acts as the output variable. Additionally, the generator’s input and output are sequences with lengths T and L , respectively. The mapping function is expressed in Equation (12):
a t + 1 , , a t + L = f ( Δ x t T + 1 , , Δ x t ,   Δ v t T + 1 , , Δ v t ,   v t T + 1 , , v t )

3.3.3. Discriminator Structure within PICGAN

The proposed PICGAN architecture involves two discriminators, both of which employ a fully connected neural network structure, as shown in Figure 4, comprising two hidden layers. A sigmoid function is utilized in the output layer. The inputs fed into these discriminators consist of a condition and either real or generated actions relating to future time steps. The condition is determined by the observed actions or actions derived from a physics-based model from previous time steps. Each discriminator outputs a scalar value, representing a distinct probability. For D φ , this probability signifies whether an action is real or generated, while for D ω , it indicates the likelihood of an action being sourced from the physics-based model or generated data.

4. Results

4.1. Data Preparation

The NGSIM dataset [57], known for its high-fidelity trajectory data, is widely used in traffic analysis and microsimulation research. In this study, we focused on the I-80 dataset, which was collected from eastbound US Interstate 80 in Emeryville, California. The dataset consists of six regular lanes and one high-occupancy vehicle (HOV) lane, spanning a 500-m area and three 15-min periods during congestion buildup and peak congestion on 15 June 2005. To ensure data consistency with vehicle kinematics and microscopic traffic dynamics, we employed the “traffic-informed” method proposed by Montanino and Punzo [58,59] for NGSIM data reconstruction. We excluded the HOV lane and focused on trajectory data from the regular lanes (Lanes 2–6) to avoid any atypical traffic behavior.
We extracted 1386 car-following events using the following criteria:
  • Gap distance less than 120 m, to avoid free-flow traffic conditions.
  • Vehicle length less than 5 m, to exclude trucks.
  • Car-following duration of no less than 30 s continuously, to minimize the influence of lane changing.
With data preparation, we trained and tested our proposed hybrid car-following model and baseline models. To ensure the independence of the testing process, we used car-following events from Lane 2 (332 events) for testing and events from Lanes 3–6 (1054 events) for training. Figure 5 presents a portion of the trajectories in Lane 2.

4.2. Model Training

In the PICGAN, the physics-based model requires pre-training, which involves calibrating the parameters using the training dataset. The genetic algorithm (GA) [60] was employed in our research, as it is a popular calibration method with the ability to avoid local minima and achieve the global optimum through stochastic global search [61]. The detailed calibration procedure can be found in our previous study [62]. The calibrated values for the IDM’s parameters are presented in Table 1.
The training of the PICGAN car-following model was conducted using the process outlined in Algorithm 1 and executed in Python. Drawing from the earlier training of CGAN [45], we established the lengths of the input sequence and output sequence for the generator as 5 s and 1 s, respectively, that is, T = 50 and L = 10 . Hyperparameters were tuned through experimental optimization as follows:
  • Training Iterations: The learning algorithm iterates through the complete training dataset for a total of 5000 times (epochs), and each batch contains 128 instances. The performance of the generator was evaluated after each iteration to ensure the optimal parameters were captured.
  • Neuron Configuration: Within the encoder–decoder architecture of the generator, there are 32 neurons in the LSTM units. In contrast, the hidden layers of the discriminators are configured with 64 neurons.
  • Activation Function: The generator employs the hyperbolic tangent function, denoted as t a n h ( · ) , as its activation function. However, for the discriminators, the hidden layers utilize the leaky ReLU function, while the output layers use the sigmoid function.
  • Optimizer Selection: The Adam optimizer [63], as it is efficient in training deep learning car-following models [38,44,45], was chosen. Its parameters were set as follows: learning rate ( l r ) = 0.00005, first moment estimate ( b e t a 1 ) = 0.9, second moment estimate ( b e t a 2 ) = 0.999, smoothing term ( e p s i l o n ) = 1e-08, and decay = 0.0.

4.3. Model Performance

Based on the action produced, we applied the rule of discrete-time kinematics to deduce the predicted velocity and position, which are elaborated in Equation (13).
v ^ t + Δ t = v ^ t + a ^ t + Δ t Δ t x ^ t + Δ t = x ^ t + v ^ t Δ t + 1 2 a ^ t + Δ t Δ t 2
where a ^ refers to the generated action, specifically, acceleration. The predicted velocity and position are represented by v ^ and x ^ , respectively. Meanwhile, x denotes the observed position.
The mean squared error (MSE) is a widely used measure for evaluating the accuracy of trajectory prediction tasks, making it a suitable metric for assessing the model’s performance. To gauge the accuracy of the trajectory prediction directly, we used space–time data to compute the MSE, as demonstrated in Equation (14).
MSE = 1 M t = 1 M [ x t x ^ t ] 2
The IDM is a well-established car-following model often employed as a benchmark for comparing deep learning car-following models [36,38,39]. Thus, we utilize it as a baseline to assess the performance of the proposed model. Moreover, we contrast PICGAN with previously developed deep learning car-following models, including Seq2Seq [38] and CGAN [45].
In the PICGAN modeling, two physics-based models are utilized, respectively: IDM for modeling HVs, denoted as PICGAN_IDM, and CACC from the PATH laboratory (abbreviated as PATH) for modeling CAVs, denoted as PICGAN_PATH. To visually demonstrate the performance of these models, we randomly selected a car-following event (with Vehicle 1898 as the subject vehicle), and we depict the space–time diagrams in Figure 6. The reproduced trajectories using IDM, Seq2Seq, CGAN, PICGAN_IDM, and PICGAN_PATH were compared to the observed data, yielding MSE values of 36.10, 21.89, 14.19, 12.27, and 19.47, respectively. Figure 7 displays the trajectory profiles, highlighting the differences in gap distance, relative speed, speed, and acceleration among the various models. The results indicate that PICGAN_IDM achieved the highest accuracy, while PICGAN_PATH exhibited substantial performance, comparable to Seq2Seq.
To provide a comprehensive comparison, we performed a statistical analysis of the MSE values for the test dataset, which consists of 332 car-following events. The results are displayed in Table 2. The mean MSE values for IDM, Seq2Seq, CGAN, PICGAN_IDM, and PICGAN_PATH were 26.74, 21.60, 19.58, 18.47, and 22.69, respectively. Additionally, the standard deviation and percentiles offer further insights into the models’ performance.
Previous studies have demonstrated the efficacy of IDM in achieving reliable car-following performance [62], Seq2Seq in accurately simulating human driving behavior [38], and CGAN in generating a diverse range of car-following strategies [45]. The comparative analysis reveals that PICGAN_IDM surpasses these models, indicating the value of incorporating both observational and physics-based information. This finding aligns with the premise that a pre-trained IDM contributes to the hybrid model’s capacity to fit human driving behavior. Furthermore, while PICGAN_PATH is primarily intended for modeling CAVs, it demonstrates a moderate level of prediction accuracy for human driving behavior. Thus, the hybrid car-following model (PICGAN) offers superior action prediction accuracy, highlighting the benefits of combining physics-based and data-driven approaches.

4.4. Platoon Simulation

To delve deeper into the capabilities of the proposed PICGAN_PATH model, specifically tailored for CAVs, we carried out a platoon simulation. This strategy is critical for assessing the performance of car-following models. Unlike reproducing the trajectory of vehicle pairs, platoon simulation presents a unique challenge. In the process of reproducing trajectories, the anticipated action depends on the real-time states of the vehicle in front. But in the context of platoon simulation, all the subsequent vehicles, excluding the first one, are simulated based on their initial states and the simulation outcomes of their immediate predecessors. This means that any errors arising from the control model could possibly be compounded, providing a stringent test for the model’s effectiveness.
The configuration of our simulation takes inspiration from the study carried out by [64]. The platoon comprised 100 vehicles, and the first vehicle served as a leader under external control. The length of all vehicles was set to be 5 m. The simulation ran for a duration of 2000 s, updating every 0.1 s, which is reflective of the resolution of the field data. For the initial 50 s, the leading vehicle maintained a steady speed of v = 15.3 m / s , after which it slowed down to v = 14.0 m / s at a deceleration rate of a = 0.65 m / s 2 , maintaining this speed until the end of the simulation. The rest of the vehicles were considered to be in an equilibrium state with a speed of v e = 15.3 m / s . Taking into account prior research [45,64], the corresponding equilibrium gap distance ( Δ x e ) was derived from the intelligent driver model (IDM). Given that both the relative speed and acceleration at equilibrium were zero, these values were inserted into Equations (1) and (2) to derive Δ x e , as represented in Equation (15). With the help of the calibrated parameters found in Table 1, the initial gap distance between all adjacent vehicles was determined to be 27.02 m.
Δ x e = s 0 + v e t 0 1 ( v e v ˜ ) 4 ,
Figure 8 presents the space–time and evolution diagrams. Both diagrams indicate that due to the deceleration of the first vehicle, the following vehicles in the platoon experienced traffic fluctuations for a short while. This is a typical event as the disturbance propagates towards the rear of the platoon. Shortly thereafter, the trajectories stabilized with diminished oscillation, leading to weaker speed and gap variances over time.
In order to further evaluate the stability of the proposed model specifically designed for CAVs, we scrutinized the final state of the platoon simulation. Figure 9 offers a comparative illustration of the simulated trajectories by both CGAN and PICGAN_PATH models at the 2000 s mark. This comparison reveals that vehicles simulated by both models do not have a uniform state. Instead, variations in their speed and gap distances are observed, but within specific ranges. Notably, the PICGAN_PATH model exhibits less pronounced variations than the CGAN model, indicating superior stability. This platoon simulation demonstrates the effectiveness of the proposed PICGAN_PATH model in the control of CAVs under realistic, continuous traffic flow.

4.5. Mixed Traffic Flow Simulation

Given that the PICGAN_IDM and PICGAN_PATH models were specifically developed for HVs and CAVs, respectively, it is crucial to evaluate their performance within a mixed traffic flow context. Mixed traffic flow simulation can be implemented using a periodic boundary condition, a method outlined by [65]. This method of experimentation is essential for evaluating the stability of traffic flow [66], and is in line with the presumption of an endless vehicle platoon in theoretical stability evaluations. This research utilizes the same periodic boundary condition to substantiate the effectiveness of the PICGAN model.
We employed a circular road void of ramps, accommodating 20 vehicles operating in a head-to-tail formation. The vehicles were assumed to be 5 m long, mirroring the assumption in the platoon simulation, with initial speeds ( v e ) and gap distances ( Δ x e ) of 15.3 m/s and 27.02 m. This configuration resulted in a circular road length of 640.4 m. At the point of 50 s into the simulation, a vehicle was chosen at random to experience a disruption, slowing down at a rate of 0.65 m / s 2 until it reached a speed of 14.0 m/s. Following this event, all vehicles continued to follow their respective car-following strategies for the remainder of the simulation. Both HVs and CAVs, which were randomly interspersed, were directed by the PICGAN_IDM and PICGAN_PATH models, respectively. The penetration rate for CAVs, represented by p, varied from 0% to 100% in increments of 20%, reflecting different configurations of mixed traffic flows. An illustration of this setup, with a 20% CAVs penetration rate as an example, is depicted in Figure 10.
The space–time diagrams simulated with physics-based models and hybrid models are compared in Figure 11. To streamline the presentation, the initial conditions spanning the first 50 s are not included for display. The simulation results indicate that trajectories modeled by the PICGAN framework exhibit only transient oscillations triggered by the initial perturbation, implying the stability of the PICGAN model. Moreover, as evident in Figure 11b–e, the introduction of CAVs into the traffic flow facilitates smoother trajectories. It can be inferred that the stability of mixed traffic flow can be enhanced with the PICGAN_PATH model.
A positive correlation is observed between the average vehicular speed and the penetration rate of CAVs. Compared to the outcomes produced by physics-based models, the simulation results of hybrid models indicate higher average operational speeds under various CAV penetration rates. This is visually evident from the color variations in the corresponding diagrams, implying that the hybrid models improve traffic efficiency.
To evaluate the traffic capability, two virtual detectors were strategically placed at a distance of 100 m on the circular road. These detectors continuously monitor flow-density values at their respective positions throughout the traffic simulation. Consequently, the flow-density points can be visualized, as indicated by the green scatter points in the fundamental diagram in Figure 12. We subsequently compared the fundamental diagrams sourced from this simulation to those gathered from simulations that employed physics-based car-following models, which are represented by the black scatter points in the diagrams. The two sets of diagrams exhibit a high degree of consistency, thereby validating the suitability of the proposed hybrid model for traffic flow simulation. Furthermore, as the proportion of CAVs increases, a gradual rise in maximum capacity is observed in the fundamental diagrams. This trend further corroborates the effectiveness of the PICGAN_PATH model, as it signifies an improvement in the efficiency of the mixed traffic flow.

5. Conclusions

In this research, we have proposed a physics-informed conditional generative adversarial network (PICGAN), a novel hybrid model aiming to improve the performance of multi-step car-following modeling in mixed traffic scenarios. Our model effectively addresses the limitations of traditional physics-based and data-driven models. The PICGAN offers a more robust and adaptive solution by leveraging the inherent structure of GAN, which eliminates the need for an explicit weighting parameter typically needed to balance the contributions of different models.
The main findings of our research are as follows:
  • The case study demonstrates that the PICGAN model exhibits superior performance in trajectory reproduction, effectively mimicking human driving behavior. Comparative analyses suggest that the PICGAN_IDM model holds promise as a strong contender to replace existing conventional models in trajectory prediction tasks.
  • The PICGAN_PATH model successfully directed CAVs in platoon simulations, indicating its ability to manage consistent, continuous traffic flows with minimal errors. It also shows superior stability compared to the previously developed CGAN model, with less variation in vehicle speed and gap distances.
  • The merits of the PICGAN model are further substantiated in a mixed traffic flow environment under periodic boundary conditions. The introduction of our hybrid model substantially improves the stability and efficiency of the mixed traffic flow.
In summary, the PICGAN framework, with its ability to deliver reliable and stable results, makes strides toward advancing efficient longitudinal control strategies for CAVs in real-world mixed traffic conditions. Future work could broaden the applicability of this hybrid model in the rapidly evolving autonomous vehicles landscape by exploring the potential of the PICGAN model in more complex traffic scenarios. Additionally, the model is primarily focused on longitudinal control, meaning it addresses car-following scenarios. As an area for further development, incorporating lateral control elements such as lane-changing behavior could be investigated. These are noteworthy considerations that will be addressed in our future research.

Author Contributions

Conceptualization, L.M. and S.Q.; methodology, L.M.; software, L.M.; validation, L.S., Z.Z. and J.R.; formal analysis, L.S.; investigation, Z.Z.; resources, J.R.; data curation, L.S.; writing—original draft preparation, L.M.; writing—review and editing, L.M.; visualization, L.S.; supervision, S.Q.; project administration, S.Q.; funding acquisition, S.Q. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Publicly available datasets were analyzed in this study. These data can be found at: https://data.transportation.gov/stories/s/i5zb-xe34; http://www.multitude-project.eu/exchange/101.html, (accessed on 15 May 2023).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Karpatne, A.; Atluri, G.; Faghmous, J.H.; Steinbach, M.; Banerjee, A.; Ganguly, A.; Shekhar, S.; Samatova, N.; Kumar, V. Theory-guided data science: A new paradigm for scientific discovery from data. IEEE Trans. Knowl. Data Eng. 2017, 29, 2318–2331. [Google Scholar] [CrossRef]
  2. Raissi, M.; Perdikaris, P.; Karniadakis, G.E. Physics-informed neural networks: A deep learning framework for solving forward and inverse problems involving nonlinear partial differential equations. J. Comput. Phys. 2019, 378, 686–707. [Google Scholar] [CrossRef]
  3. Yu, T.; Canales-Rodríguez, E.J.; Pizzolato, M.; Piredda, G.F.; Hilbert, T.; Fischi-Gomez, E.; Weigel, M.; Barakovic, M.; Cuadra, M.B.; Granziera, C.; et al. Model-informed machine learning for multi-component T2 relaxometry. Med. Image Anal. 2021, 69, 101940. [Google Scholar] [CrossRef] [PubMed]
  4. Alber, M.; Buganza Tepole, A.; Cannon, W.R.; De, S.; Dura-Bernal, S.; Garikipati, K.; Karniadakis, G.; Lytton, W.W.; Perdikaris, P.; Petzold, L.; et al. Integrating machine learning and multiscale modeling—perspectives, challenges, and opportunities in the biological, biomedical, and behavioral sciences. NPJ Digit. Med. 2019, 2, 115. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Mo, Z.; Shi, R.; Di, X. A physics-informed deep learning paradigm for car-following models. Transp. Res. Part C Emerg. Technol. 2021, 130, 103240. [Google Scholar] [CrossRef]
  6. Xu, L.; Ma, J.; Wang, Y. A Car-Following Model considering the Effect of Following Vehicles under the Framework of Physics-Informed Deep Learning. J. Adv. Transp. 2022, 2022, 3398862. [Google Scholar] [CrossRef]
  7. Mo, Z.; Di, X. Uncertainty quantification of car-following behaviors: Physics-informed generative adversarial networks. In Proceedings of the the 28th ACM SIGKDD in conjunction with the 11th International Workshop on Urban Computing (UrbComp2022), Washington, DC, USA, 15 August 2022. [Google Scholar]
  8. Wang, Y.; Feng, Y. IDM-Follower: A Model-Informed Deep Learning Method for Long-Sequence Car-Following Trajectory Prediction. arXiv 2022, arXiv:2210.10965. [Google Scholar]
  9. Naing, H.; Cai, W.; Nan, H.; Tiantian, W.; Liang, Y. Dynamic Data-driven Microscopic Traffic Simulation using Jointly Trained Physics-guided Long Short-Term Memory. ACM Trans. Model. Comput. Simul. 2022, 32, 1–27. [Google Scholar] [CrossRef]
  10. Pipes, L.A. An operational analysis of traffic dynamics. J. Appl. Phys. 1953, 24, 274–281. [Google Scholar] [CrossRef]
  11. Chandler, R.E.; Herman, R.; Montroll, E.W. Traffic dynamics: Studies in car following. Oper. Res. 1958, 6, 165–184. [Google Scholar] [CrossRef] [Green Version]
  12. Gazis, D.C.; Herman, R.; Rothery, R.W. Nonlinear follow-the-leader models of traffic flow. Oper. Res. 1961, 9, 545–567. [Google Scholar] [CrossRef]
  13. Herman, R. Car-following and steady state flow. In Proceedings of the Theory of Traffic Flow Symposium Proceedings, Detroit, MI, USA, 8–9 December 1959; pp. 1–13. [Google Scholar]
  14. Lee, G. A generalization of linear car-following theory. Oper. Res. 1966, 14, 595–606. [Google Scholar] [CrossRef]
  15. Ahmed, K.I. Modeling drivers’ acceleration and lane changing behavior. Ph.D. Thesis, Massachusetts Institute of Technology, Cambridge, MA, USA, 1999. [Google Scholar]
  16. Koutsopoulos, H.N.; Farah, H. Latent class model for car following behavior. Transp. Res. Part B Methodol. 2012, 46, 563–578. [Google Scholar] [CrossRef]
  17. Helly, W. Simulation of Bottlenecks in Single-Lane Traffic Flow; TRID: Washington, DC, USA, 1959.
  18. Gipps, P.G. A behavioural car-following model for computer simulation. Transp. Res. Part B Methodol. 1981, 15, 105–111. [Google Scholar] [CrossRef]
  19. Bando, M.; Hasebe, K.; Nakayama, A.; Shibata, A.; Sugiyama, Y. Dynamical model of traffic congestion and numerical simulation. Phys. Rev. E 1995, 51, 1035. [Google Scholar] [CrossRef]
  20. Treiber, M.; Hennecke, A.; Helbing, D. Congested traffic states in empirical observations and microscopic simulations. Phys. Rev. E 2000, 62, 1805. [Google Scholar] [CrossRef] [Green Version]
  21. Wiedemann, R. Simulation of road traffic flow. In Reports of the Institute for Transport and Communication; University of Karlsruhe: Karlsruhe, Germany, 1974. [Google Scholar]
  22. Fellendorf, M.; Vortisch, P. Microscopic traffic flow simulator VISSIM. In Fundamentals of Traffic Simulation; Springer: Berlin/Heidelberg, Germany, 2010; pp. 63–93. [Google Scholar]
  23. Newell, G.F. A simplified car-following theory: A lower order model. Transp. Res. Part B Methodol. 2002, 36, 195–205. [Google Scholar] [CrossRef]
  24. Laval, J.A.; Leclercq, L. A mechanism to describe the formation and propagation of stop-and-go waves in congested freeway traffic. Philos. Trans. R. Soc. A Math. Phys. Eng. Sci. 2010, 368, 4519–4541. [Google Scholar] [CrossRef] [Green Version]
  25. Zheng, Z.; Ahn, S.; Chen, D.; Laval, J. Freeway traffic oscillations: Microscopic analysis of formations and propagations using wavelet transform. Procedia-Soc. Behav. Sci. 2011, 17, 702–716. [Google Scholar] [CrossRef]
  26. Chen, D.; Laval, J.; Zheng, Z.; Ahn, S. A behavioral car-following model that captures traffic oscillations. Transp. Res. Part B Methodol. 2012, 46, 744–761. [Google Scholar] [CrossRef] [Green Version]
  27. Laval, J.A.; Toth, C.S.; Zhou, Y. A parsimonious model for the formation of oscillations in car-following models. Transp. Res. Part B Methodol. 2014, 70, 228–238. [Google Scholar] [CrossRef]
  28. Toledo, T.; Koutsopoulos, H.N.; Ahmed, K.I. Estimation of vehicle trajectories with locally weighted regression. Transp. Res. Rec. 2007, 1999, 161–169. [Google Scholar] [CrossRef] [Green Version]
  29. Papathanasopoulou, V.; Antoniou, C. Towards data-driven car-following models. Transp. Res. Part C Emerg. Technol. 2015, 55, 496–509. [Google Scholar] [CrossRef]
  30. He, Z.; Zheng, L.; Guan, W. A simple nonparametric car-following model driven by field data. Transp. Res. Part B Methodol. 2015, 80, 185–201. [Google Scholar] [CrossRef]
  31. Wei, D.; Liu, H. Analysis of asymmetric driving behavior using a self-learning approach. Transp. Res. Part B Methodol. 2013, 47, 1–14. [Google Scholar] [CrossRef]
  32. Wu, C.; Kreidieh, A.; Parvate, K.; Vinitsky, E.; Bayen, A.M. Flow: Architecture and benchmarking for reinforcement learning in traffic control. arXiv 2017, arXiv:1710.05465. [Google Scholar]
  33. Zhu, M.; Wang, X.; Wang, Y. Human-like autonomous car-following model with deep reinforcement learning. Transp. Res. Part C Emerg. Technol. 2018, 97, 348–368. [Google Scholar] [CrossRef] [Green Version]
  34. Gao, H.; Shi, G.; Xie, G.; Cheng, B. Car-following method based on inverse reinforcement learning for autonomous vehicle decision-making. Int. J. Adv. Robot. Syst. 2018, 15, 1729881418817162. [Google Scholar] [CrossRef]
  35. Huang, Z.; Wu, J.; Lv, C. Driving behavior modeling using naturalistic human driving data with inverse reinforcement learning. IEEE Trans. Intell. Transp. Syst. 2021, 23, 10239–10251. [Google Scholar] [CrossRef]
  36. Zhou, M.; Qu, X.; Li, X. A recurrent neural network based microscopic car following model to predict traffic oscillation. Transp. Res. Part C Emerg. Technol. 2017, 84, 245–264. [Google Scholar] [CrossRef]
  37. Huang, X.; Sun, J.; Sun, J. A car-following model considering asymmetric driving behavior based on long short-term memory neural networks. Transp. Res. Part C Emerg. Technol. 2018, 95, 346–362. [Google Scholar] [CrossRef]
  38. Ma, L.; Qu, S. A sequence to sequence learning based car-following model for multi-step predictions considering reaction delay. Transp. Res. Part C Emerg. Technol. 2020, 120, 102785. [Google Scholar] [CrossRef]
  39. Zhu, M.; Du, S.S.; Wang, X.; Pu, Z.; Wang, Y. TransFollower: Long-Sequence Car-Following Trajectory Prediction through Transformer. arXiv 2022, arXiv:2202.03183. [Google Scholar] [CrossRef]
  40. Kuefler, A.; Morton, J.; Wheeler, T.; Kochenderfer, M. Imitating driver behavior with generative adversarial networks. In Proceedings of the 2017 IEEE Intelligent Vehicles Symposium (IV), Los Angeles, CA, USA, 11–14 June 2017; pp. 204–211. [Google Scholar]
  41. Greveling, D.P. Modelling human driving behaviour using Generative Adversarial Networks. Ph.D. Thesis, Faculty of Science and Engineering, Maastricht, The Netherlands, 2018. [Google Scholar]
  42. Zhou, Y.; Fu, R.; Wang, C.; Zhang, R. Modeling Car-Following Behaviors and Driving Styles with Generative Adversarial Imitation Learning. Sensors 2020, 20, 5034. [Google Scholar] [CrossRef]
  43. Bhattacharyya, R.; Wulfe, B.; Phillips, D.J.; Kuefler, A.; Morton, J.; Senanayake, R.; Kochenderfer, M.J. Modeling human driving behavior through generative adversarial imitation learning. IEEE Trans. Intell. Transp. Syst. 2022, 24, 2874–2887. [Google Scholar] [CrossRef]
  44. Shi, H.; Dong, S.; Wu, Y.; Li, S.; Zhou, Y.; Ran, B. Generative Adversarial Network for Car Following Trajectory Generation and Anomaly Detection. 2022. Available online: https://ssrn.com/abstract=4111253 (accessed on 15 May 2023).
  45. Ma, L.; Qu, S. Application of conditional generative adversarial network to multi-step car-following modeling. Front. Neurorobotics 2023, 17, 1148892. [Google Scholar] [CrossRef]
  46. Yang, D.; Zhu, L.; Liu, Y.; Wu, D.; Ran, B. A novel car-following control model combining machine learning and kinematics models for automated vehicles. IEEE Trans. Intell. Transp. Syst. 2018, 20, 1991–2000. [Google Scholar] [CrossRef]
  47. Li, Y.; Lu, X.; Ren, C.; Zhao, H. Fusion modeling method of car-following characteristics. IEEE Access 2019, 7, 162778–162785. [Google Scholar] [CrossRef]
  48. Wu, F.; Work, D.B. Connections between classical car following models and artificial neural networks. In Proceedings of the 2018 21st International Conference on Intelligent Transportation Systems (ITSC), Maui, HI, USA, 4–7 November 2018; pp. 3191–3198. [Google Scholar]
  49. Yan, R.; Jiang, R.; Jia, B.; Huang, J.; Yang, D. Hybrid car-following strategy based on deep deterministic policy gradient and cooperative adaptive cruise control. IEEE Trans. Autom. Sci. Eng. 2021, 19, 2816–2824. [Google Scholar] [CrossRef]
  50. Yavas, U.; Kumbasar, T.; Ure, N.K. Model-Based Reinforcement Learning for Advanced Adaptive Cruise Control: A Hybrid Car Following Policy. In Proceedings of the 2022 IEEE Intelligent Vehicles Symposium (IV), Aachen, Germany, 5–9 June 2022; pp. 1466–1472. [Google Scholar]
  51. Soldevila, I.E.; Knoop, V.L.; Hoogendoorn, S. Car-following described by blending data-driven and analytical models: A gaussian process regression approach. Transp. Res. Rec. 2021, 2675, 1202–1213. [Google Scholar] [CrossRef]
  52. Zhang, Y.; Chen, X.; Wang, J.; Zheng, Z.; Wu, K. A generative car-following model conditioned on driving styles. Transp. Res. Part C Emerg. Technol. 2022, 145, 103926. [Google Scholar] [CrossRef]
  53. Milanés, V.; Shladover, S.E.; Spring, J.; Nowakowski, C.; Kawazoe, H.; Nakamura, M. Cooperative adaptive cruise control in real traffic situations. IEEE Trans. Intell. Transp. Syst. 2013, 15, 296–305. [Google Scholar] [CrossRef] [Green Version]
  54. Milanés, V.; Shladover, S.E. Modeling cooperative and autonomous adaptive cruise control dynamic responses using experimental data. Transp. Res. Part C Emerg. Technol. 2014, 48, 285–300. [Google Scholar] [CrossRef] [Green Version]
  55. Shladover, S.E.; Su, D.; Lu, X.Y. Impacts of cooperative adaptive cruise control on freeway traffic flow. Transp. Res. Rec. 2012, 2324, 63–70. [Google Scholar] [CrossRef] [Green Version]
  56. Mirza, M.; Osindero, S. Conditional generative adversarial nets. arXiv 2014, arXiv:1411.1784. [Google Scholar]
  57. FHWA. The Next Generation Simulation (NGSIM) [Online]. 2008. Available online: http://www.ngsim.fhwa.dot.gov/ (accessed on 15 May 2023).
  58. Montanino, M.; Punzo, V. Reconstructed NGSIM I80-1. COST ACTION TU0903—MULTITUDE. 2013. Available online: http://www.multitude-project.eu/exchange/101.html (accessed on 15 May 2023).
  59. Montanino, M.; Punzo, V. Trajectory data reconstruction and simulation-based validation against macroscopic traffic patterns. Transp. Res. Part B Methodol. 2015, 80, 82–106. [Google Scholar] [CrossRef]
  60. Mitchell, M. An Introduction to Genetic Algorithms; MIT Press: Cambridge, MA, USA, 1998. [Google Scholar]
  61. Saifuzzaman, M.; Zheng, Z.; Haque, M.M.; Washington, S. Revisiting the Task–Capability Interface model for incorporating human factors into car-following models. Transp. Res. Part B Methodol. 2015, 82, 1–19. [Google Scholar] [CrossRef]
  62. Ma, L.; Qu, S.; Song, L.; Zhang, J.; Ren, J. Human-like car-following modeling based on online driving style recognition. Electron. Res. Arch. 2023, 31, 3264–3290. [Google Scholar] [CrossRef]
  63. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  64. Treiber, M.; Kesting, A.; Helbing, D. Delays, inaccuracies and anticipation in microscopic traffic models. Phys. A Stat. Mech. Its Appl. 2006, 360, 71–88. [Google Scholar] [CrossRef]
  65. Ma, L.; Qu, S.; Ren, J.; Zhang, X. Mixed traffic flow of human-driven vehicles and connected autonomous vehicles: String stability and fundamental diagram. Math. Biosci. Eng. 2023, 20, 2280–2295. [Google Scholar] [CrossRef] [PubMed]
  66. Li, P.Y.; Shrivastava, A. Traffic flow stability induced by constant time headway policy for adaptive cruise control vehicles. Transp. Res. Part C Emerg. Technol. 2002, 10, 275–301. [Google Scholar] [CrossRef]
Figure 1. Architecture of CGAN-based car-following model.
Figure 1. Architecture of CGAN-based car-following model.
Entropy 25 01050 g001
Figure 2. Architecture of PICGAN-based car-following model.
Figure 2. Architecture of PICGAN-based car-following model.
Entropy 25 01050 g002
Figure 3. Generator structure.
Figure 3. Generator structure.
Entropy 25 01050 g003
Figure 4. Discriminator structure: (a) Discriminator D φ evaluates output sequences based on observed samples. (b) Discriminator D ω evaluates output sequences based on physics-based samples.
Figure 4. Discriminator structure: (a) Discriminator D φ evaluates output sequences based on observed samples. (b) Discriminator D ω evaluates output sequences based on physics-based samples.
Entropy 25 01050 g004
Figure 5. Space–time diagram (some trajectories from Lane 2).
Figure 5. Space–time diagram (some trajectories from Lane 2).
Entropy 25 01050 g005
Figure 6. Space–time diagrams comparing observed and simulated trajectories of Vehicle 1898.
Figure 6. Space–time diagrams comparing observed and simulated trajectories of Vehicle 1898.
Entropy 25 01050 g006
Figure 7. Profiles for Vehicle 1898 in terms of gap, relative speed, speed, and acceleration for models’ comparison.
Figure 7. Profiles for Vehicle 1898 in terms of gap, relative speed, speed, and acceleration for models’ comparison.
Entropy 25 01050 g007
Figure 8. Results of the platoon simulation: (a) Diagram depicting the space–time relationship. (b) Evolution of speed over time.
Figure 8. Results of the platoon simulation: (a) Diagram depicting the space–time relationship. (b) Evolution of speed over time.
Entropy 25 01050 g008aEntropy 25 01050 g008b
Figure 9. Comparison of snapshot profiles at 2000 s: (a) Snapshot of gap distance simulated by CGAN model. (b) Snapshot of speed simulated by CGAN model. (c) Snapshot of gap distance simulated by PICGAN_PATH model. (d) Snapshot of speed simulated by PICGAN_PATH model.
Figure 9. Comparison of snapshot profiles at 2000 s: (a) Snapshot of gap distance simulated by CGAN model. (b) Snapshot of speed simulated by CGAN model. (c) Snapshot of gap distance simulated by PICGAN_PATH model. (d) Snapshot of speed simulated by PICGAN_PATH model.
Entropy 25 01050 g009
Figure 10. Diagram illustrating the periodic boundary condition in a scenario of mixed traffic flow, using a 20% CAVs penetration rate as an example.
Figure 10. Diagram illustrating the periodic boundary condition in a scenario of mixed traffic flow, using a 20% CAVs penetration rate as an example.
Entropy 25 01050 g010
Figure 11. Space–time diagrams in terms of varying penetration rates of CAVs (p): (a) p = 0% (no CAVs). (b) p = 20% CAVs. (c) p = 40% CAVs. (d) p = 60% CAVs. (e) p = 80% CAVs. (f) p = 100% (all vehicles are CAVs).
Figure 11. Space–time diagrams in terms of varying penetration rates of CAVs (p): (a) p = 0% (no CAVs). (b) p = 20% CAVs. (c) p = 40% CAVs. (d) p = 60% CAVs. (e) p = 80% CAVs. (f) p = 100% (all vehicles are CAVs).
Entropy 25 01050 g011aEntropy 25 01050 g011b
Figure 12. Fundamental diagrams in terms of varying penetration rates of CAVs (p): (a) p = 0% (no CAVs). (b) p = 20% CAVs. (c) p = 40% CAVs. (d) p = 60% CAVs. (e) p = 80% CAVs. (f) p = 100% (all vehicles are CAVs).
Figure 12. Fundamental diagrams in terms of varying penetration rates of CAVs (p): (a) p = 0% (no CAVs). (b) p = 20% CAVs. (c) p = 40% CAVs. (d) p = 60% CAVs. (e) p = 80% CAVs. (f) p = 100% (all vehicles are CAVs).
Entropy 25 01050 g012
Table 1. Calibrated parameters of the IDM.
Table 1. Calibrated parameters of the IDM.
a ˜ b ˜ v ˜ t 0 s 0
Calibrated value2.021.4322.891.402.75
Table 2. Statistics results of the performance.
Table 2. Statistics results of the performance.
ModelMean (SD)MinMaxPercentile [25%, 50%, 75%]
IDM26.74 (38.70)1.21374.28[8.28, 14.87, 29.91]
Seq2Seq21.60 (28.42)0.73233.29[7.57, 12.27, 25.23]
CGAN19.58 (22.73)0.33229.12[6.66, 13.01, 24.18]
PICGAN_IDM18.47 (18.08)1.03189.32[6.54, 13.52, 25.90]
PICGAN_PATH22.69 (23.99)0.80267.67[7.17, 16.10, 29.57]
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Ma, L.; Qu, S.; Song, L.; Zhang, Z.; Ren, J. A Physics-Informed Generative Car-Following Model for Connected Autonomous Vehicles. Entropy 2023, 25, 1050. https://doi.org/10.3390/e25071050

AMA Style

Ma L, Qu S, Song L, Zhang Z, Ren J. A Physics-Informed Generative Car-Following Model for Connected Autonomous Vehicles. Entropy. 2023; 25(7):1050. https://doi.org/10.3390/e25071050

Chicago/Turabian Style

Ma, Lijing, Shiru Qu, Lijun Song, Zhiteng Zhang, and Jie Ren. 2023. "A Physics-Informed Generative Car-Following Model for Connected Autonomous Vehicles" Entropy 25, no. 7: 1050. https://doi.org/10.3390/e25071050

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop