Next Article in Journal
Reliable Stenosis Detection Based on Thrill Waveform Analysis Using Non-Contact Arteriovenous Fistula Imaging
Previous Article in Journal
Can a Novel Light Weight Minimal Support Lifting Exoskeleton Modify Lifting Movement in People without Low Back Pain?
Previous Article in Special Issue
Security in Transformer Visual Trackers: A Case Study on the Adversarial Robustness of Two Models
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Impact of Perception Errors in Vision-Based Detection and Tracking Pipelines on Pedestrian Trajectory Prediction in Autonomous Driving Systems

1
Graduate Institute of Automation Technology, National Taipei University of Technology, Taipei 10608, Taiwan
2
Department of Automatic Control Engineering, Feng Chia University, Taichung 40724, Taiwan
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(15), 5066; https://doi.org/10.3390/s24155066
Submission received: 20 June 2024 / Revised: 29 July 2024 / Accepted: 29 July 2024 / Published: 5 August 2024
(This article belongs to the Special Issue Advances in Automated Driving: Sensing and Control)

Abstract

:
Pedestrian trajectory prediction is crucial for developing collision avoidance algorithms in autonomous driving systems, aiming to predict the future movement of the detected pedestrians based on their past trajectories. The traditional methods for pedestrian trajectory prediction involve a sequence of tasks, including detection and tracking to gather the historical movement of the observed pedestrians. Consequently, the accuracy of trajectory prediction heavily relies on the accuracy of the detection and tracking models, making it susceptible to their performance. The prior research in trajectory prediction has mainly assessed the model performance using public datasets, which often overlook the errors originating from detection and tracking models. This oversight fails to capture the real-world scenario of inevitable detection and tracking inaccuracies. In this study, we investigate the cumulative effect of errors within integrated detection, tracking, and trajectory prediction pipelines. Through empirical analysis, we examine the errors introduced at each stage of the pipeline and assess their collective impact on the trajectory prediction accuracy. We evaluate these models across various custom datasets collected in Taiwan to provide a comprehensive assessment. Our analysis of the results derived from these integrated pipelines illuminates the significant influence of detection and tracking errors on downstream tasks, such as trajectory prediction and distance estimation.

1. Introduction

In the area of autonomous systems [1,2,3], accurate pedestrian trajectory prediction and reliable distance estimation are two crucial components that play important roles in ensuring safe and efficient navigation. Trajectory prediction has many potential applications and can also be utilized in robotics [4]. Pedestrian trajectory prediction allows autonomous vehicles to anticipate the future movements of pedestrians, enabling timely and proactive responses to potential collision scenarios. On the other hand, distance estimation provides critical information about the distance to objects in the environment, aiding in obstacle avoidance and path planning. Unlike multi-camera or LiDAR-based systems, monocular vision systems are more compact, cost-effective, and widely available in commercial vehicles. Leveraging the advantages of monocular vision alongside pedestrian trajectory prediction reveals new opportunities for scalability, making autonomous technology more accessible and applicable across various platforms.
Integrating object detection and tracking, pedestrian trajectory prediction, and monocular distance estimation holds immense promise for advancing autonomous vehicles’ capabilities by creating a holistic perception system that can better understand the dynamics of the surrounding environment. This integration paves the way for more intelligent decision-making algorithms and ultimately enhances the overall safety, accuracy, and efficiency of autonomous vehicles across a wide range of real-world situations. The pipeline of pedestrian trajectory prediction and distance estimation involves multiple steps:
Detection: A detection model is used to identify and localize the pedestrians in the input video or image stream.
Tracking: Once the pedestrians are detected, a tracking model is used to track their movements over time, linking their positions across multiple frames of the video.
Trajectory Prediction: A trajectory prediction model is applied to predict their future movements based on their current and past positions.
Distance Estimation: In parallel, the data received from the sensors, along with the information provided by the tracking algorithm, are used to infer the distance to the detected pedestrians in each frame.
The multi-stage nature of this unified framework makes the error accumulation within the pipeline a decisive factor in determining the performance of the entire system. The error accumulation effect is commonly observed in frameworks that incorporate multiple deep learning models stacked sequentially. Typically, each individual model within the pipeline expects its inputs to be obtained directly from the environment. If these inputs are produced by the other model, they contain model-produced noise that in turn impairs the performance of the downstream algorithm. This effect is discussed in detail in [5]. In summary, errors in the early stages can propagate to the late stages, leading to inaccurate estimation for downstream applications.
Another challenge arises from the necessity of using multiple large neural networks to perform individual tasks within the pipeline. Apart from the computational complexity, it is essential to ensure that all the models within the pipeline are optimized for their respective upstream inputs, limiting the efficacy of transfer learning techniques.
In this paper, we empirically investigate the influence of errors arising from object detection and tracking on the accuracy of pedestrian trajectory prediction and monocular distance estimation. The present study is divided into two parts: in the first part, we assess the efficacy of the commonly employed object detection and tracking algorithms when applied to a trajectory prediction model. The goal is to evaluate their impact on the performance of predicting the pedestrian trajectories across a range of diverse scenarios.
In the second part, we evaluate two distance estimation algorithms on the custom dataset using the outputs of the upstream object detection algorithm and assess the resulting performance of both models. This experiment is aimed at investigating the impact of error accumulation further. The general framework of our research, along with its quantitative outcomes, are detailed below.
In the field of autonomous driving perception research, previous studies on trajectory prediction have mostly focused on the errors generated by the models in isolation without considering the accumulated errors from object detection and tracking. This omission is primarily due to the use of the existing public datasets, where the ground truth is annotated for single tasks only. To address this issue, we consider the accumulated errors from detection and tracking to investigate the impact of these upstream errors on the downstream trajectory prediction. The main contributions of our work are as follows:
(1)
On the pedestrian trajectory prediction task, we demonstrate the impact of detection and tracking errors on the accuracy of prediction using multiple public datasets for training and a custom dataset for evaluation.
(2)
On the monocular distance estimation task, we show the effect of error accumulation from detection and tracking using a custom LIDAR-annotated dataset for evaluation and a public dataset for pre-training.
The remainder of this paper consists of five sections. In Section 2, we provide a review of the previous studies related to pedestrian trajectory prediction and distance estimation with a focus on deep learning approaches. In Section 3, we describe the used datasets and evaluation metrics and introduce the detection, tracking, trajectory prediction, and distance estimation approaches we used. In Section 4, we present our results for both experiments and provide an in-depth analysis of our findings in Section 5. Finally, the conclusions are drawn in Section 6.

2. Related Work

In this section, we provide an overview of the existing pedestrian trajectory prediction approaches and monocular distance estimation algorithms. Both of these tasks can be solved in numerous ways, creating an extremely vast and diverse research landscape. In our review, we mainly focus on the deep learning approaches due to the progress in this field achieved in recent years.

2.1. Pedestrian Trajectory Prediction

There are numerous studies on the topic of pedestrian trajectory prediction for autonomous driving. With the steady development of deep learning technology and the release of public datasets [6,7,8], the research on pedestrian trajectory prediction has been rapidly advancing.

2.1.1. Early Research and Methods

The pedestrian trajectory prediction research started in the 1990s, with the social force model being the most widely used [1]. The early research on pedestrian trajectory prediction was mostly conducted using static scenes and did not fully utilize the dynamic information about the scene. As people’s behavior can be influenced by other pedestrians, an understanding of the intentions of each pedestrian is also required.
Pedestrian detection refers to the ability to identify the presence of a pedestrian in an image or video frame, while tracking focuses on the ability to continuously follow the pedestrian by assigning individual ID (identification) numbers as they move through the scene over time. By combining the information from detection and tracking, it is possible to predict the trajectory of a pedestrian and anticipate their future movements. The combination of trajectory prediction and object tracking technology can improve the prediction accuracy and stabilize the prediction results. The early research on pedestrian trajectory prediction mostly used feature engineering methods combined with machine learning prediction models. The commonly used tracking algorithms include the Kalman filter, kernelized correlation filters, and mean-shift; the commonly used machine learning prediction models include Bayesian inference, hidden Markov models (HMMs), and the Gaussian process. Although these traditional methods have theoretical and mathematical proofs, they are based on specific assumptions. For example, the current state depends solely on the previous state in HMMs and the assumptions made in the Kalman filter, including linearity, normality, and stationarity.

2.1.2. Deep Learning Approaches

The studies on applying deep learning to pedestrian trajectory prediction include a wide range of models with different architectures.
Social GAN: The Social GAN model [9] applied Generative Adversarial Networks (GANs) [10] to the trajectory prediction objective by using a recurrent neural network to observe the previous movement trajectories and predict the future trajectories by training an adversarial discriminator. This was the first model to consider social interactions, thus achieving higher accuracy on the ETH/UCY datasets [6,7] compared to the previously reported results. The main limitations of the model include the use of recurrent networks that are challenging to efficiently parallelize and the training complexity added by the GAN components.
SoPhie: The SoPhie model [11] was a further development of the GAN-based approach that is capable of generating more realistic samples compared to Social GAN. This improvement was achieved by combining all the historical paths in the scene with relevant contextual information, and by employing a bidirectional attention mechanism to learn the most relevant paths. These modifications facilitated further accuracy increases on the ETH/UCY and Stanford Drone datasets [12]. In terms of limitations, SoPhie inherited poor parallelizability and training complexity from Social GAN.
Social-LSTM: The authors in [13] proposed Social-LSTM, which used a recurrent neural network to treat trajectory prediction as a sequence generation task, considering the social interactions of each person in a shared environment.
Traditionally, pedestrian trajectory prediction heavily relied on determining the strength of the interactions between individuals based on their proximity to one another. However, this may not always hold as people further away can still have a higher chance of interacting in the future.
Attention-Based Model: In [14], the authors adopted an attention mechanism to recognize the relative importance of pedestrians at different distances within a moving crowd. Attention-based models can enhance trajectory prediction accuracy by effectively capturing complex social dynamics or the relative importance of each person when navigating in the crowd.
The Graph Neural Network: The graph neural network (GNN) [15,16] is a deep learning method based on graph structures. Since graph structures can effectively represent the relationship and importance between each connected node, they are very suitable for trajectory prediction applications.
Social-BiGAT: It uses the LSTM [17] model to simulate the trajectory of each pedestrian and a graph attention network to simulate the interactions between people and between people and their surroundings [18]. By incorporating graph attention, the model outperformed both Social GAN and SoPhie on ETH/UCY. Along with the limitations introduced by the use of GANs and RNNs, this approach is characterized by increased deployment complexity since many edge-computing devices do not support graph neural networks.
Social-STGCNN: To further improve the representation of social and spatial relations, the authors of [19] proposed a graph convolution-based neural network that interpreted the trajectory data as a spatiotemporal graph. This way, the authors were able to model the social, spatial, and temporal structure of the inputs without using recurrent neural networks, thus alleviating the parallelization limitation of the previously reported approaches. Additionally, instead of using a generative adversarial module for multimodality, Social-STGCNN was designed to output the trajectory distributions directly. Due to these improvements, the authors were able to achieve state-of-the-art (SOTA) performance on the ETH/UCY datasets. However, the use of complex graph convolution-based modules still limits the deployment potential of the model.

2.1.3. Advanced Frameworks

STAR Framework: In [20], the authors proposed a framework called STAR, which models the spatiotemporal characteristics of the data by representing trajectories as graphs. Additionally, STAR utilizes a transformer-based framework [21] to process the time dimension and the space dimension, respectively. The outputs of these two transformer models were joined into a unified spatiotemporal representation. Compared with the traditional recurrent neural networks or convolutional neural networks, STAR demonstrated better performance in high-density crowd scenes with complex interaction relationships, achieving SOTA accuracy on ETH/UCY. On the downside, the STAR framework is also challenging to deploy due to using both graph convolutions and attention-based modules.
Multimodal Trajectory Prediction Framework: In [22,23], the authors proposed a multimodal trajectory prediction framework based on recurrent and convolutional neural networks following the encoder–decoder structure, as well as the multi-view augmentation strategy for generating robust trajectory representations. The multimodality within the model was achieved by producing two-dimensional heatmaps representing the probability distribution of the agents’ locations. Due to the effective topology and augmentation, this framework achieved state-of-the-art performance on the VIRAT/ActEV [24], Stanford Drone [12], and Argoverse [25] datasets. Due to not utilizing graph or attention modules, this model is much more suitable for deployment, and it does not suffer from the mode collapse characteristic of the GAN-based approaches. However, the use of RNNs in the model hinders its parallelization potential, thus increasing the training and inference computational complexity.
Overall, these studies highlight the potential of various deep learning and computer vision techniques to enhance the pedestrian trajectory prediction for autonomous driving. However, most studies are evaluated on public trajectory datasets that provide ideal ground truth tracking data, thereby excluding the impact of detection and tracking errors on the developed trajectory models. In this study, we utilize the SimAug model to assess the effect of tracking and prediction errors on the trajectory prediction accuracy. This model was chosen for its capability to produce multimodal predictions and its overall state-of-the-art performance.

2.2. Monocular Distance Estimation

Monocular distance estimation approaches use a single camera to reconstruct the depth information regarding the scene. These methods are less expensive in terms of computational resources and deployment compared to the multi-view distance estimation models, which justifies an increasing research interest in developing these algorithms. Since the task of extracting 3D information from a single 2D frame is a fundamentally ill-posed problem, classical monocular depth estimation algorithms fall behind the multi-view methods in terms of accuracy [26]. Thus, most of the ongoing efforts in the monocular depth estimation research field are concentrated on developing data-driven models that can learn to predict depth from large real-world datasets.
The deep learning landscape for monocular depth estimation consists almost entirely of convolutional neural networks and graph convolutional neural networks. In terms of the training strategies, data-driven depth estimation algorithms can be categorized into supervised, self-supervised, and semi-supervised [26].

2.2.1. Supervised Methods

The models trained in a supervised manner accept images as inputs and output depth or disparity maps. The objective functions of these networks minimize the difference between the generated depth maps and the ground truth depth maps (e.g., maps generated by projecting the LiDAR point clouds onto the image plane). These models are highly accurate but require the data to be completely annotated with pixel-wise distance information, which in turn involves collecting and processing large quantities of LiDAR or radar point clouds, making the training process more expensive in terms of equipment and working hours.
In [27], for example, a Spacing-Increasing Discretization approach was employed to produce fine-grained depth maps. The proposed model uses a dense feature extractor augmented with cross-channel information, as well as multi-scale feature learners. The model also features an ordinal regression optimizer. In essence, the authors reformulated the depth regression problem into a multi-class classification task over distance intervals, thus simplifying the network structure and the training process. As a result, the network does not require additional subsampling and therefore is more computationally efficient. Owing to these improvements over the previously proposed architectures, the model achieved high accuracy on the KITTI [28], Make3D [29], and NYU v2 [30] benchmarks.
In [31], the authors developed the ACAN model: an Attention-Based Context Aggregation Network. This model can derive pixel-wise contextual relations, which increases the quality of the model’s internal representation and therefore results in more accurate depth maps. Their approach relies on a deep residual architecture combined with a dilated layer and a self-attention module that controls the spatial scale of the outputs. Additionally, the self-attention module builds pairwise pixel relationships, thus enhancing the model with rich contextual information. This model achieved competitive performance on the KITTI [28] and NYU v2 [30] datasets.

2.2.2. Self-Supervised Methods

These algorithms obtain depth information automatically, typically by building relations between different input modalities or transformations. The main benefit of the self-supervised models comes from their independence on the annotated data. This property facilitates the use of larger datasets that are easier to collect but also results in several complications. In particular, these models often require a prominent level of diversity in the data to achieve a sufficient level of generalization.
As for the specific approaches, the Monodepth and Monodepth2 [32,33] models are well-known examples of a self-supervised depth estimation framework. These models are built using a residual feature extraction model combined with a pose estimation network. The latter is used to infer pose deviations between the stereo image pairs. Based on the visual and pose features, a disparity map is produced in a self-supervised manner and then optionally rescaled to meters using the real-world geometric configuration of the cameras. Since the model relies on stereo image pairs and the camera parameters to convert disparity to depth, its application to real-world scenarios with different settings is limited. Both models achieved SOTA results on the KITTI benchmark.
Another self-supervised model by Guizilini et al. [34] relies on three-dimensional convolutions that extract depth information via processing the spatial image features. The model uses symmetrical packing and unpacking blocks: novel deep learning modules that are designed to combine the information contained within the encoder and decoder features. Unlike Monodepth2, PackNet relies solely on monocular sequences of frames and externally defined depth scaling factors; this property makes the model easier to apply to a custom dataset, resulting in improved performance on the KITTI dataset.

2.2.3. Semi-Supervised Methods

Semi-supervised models can be viewed as a combination of the previous two: they require large unlabeled datasets for feature extraction training and small labeled datasets for matching the outputs to the distance estimation objective. An example of such an approach can be found in [35], where the authors developed a semi-supervised method of estimating depth maps that relies on geometry-aware symmetric domain adaptation (GASDA). The model addresses the generalization problem by using synthetic training data. The method uses image translating combined with monocular depth prediction via the use of generative neural networks, namely the CycleGAN model [36]. The network is trained by utilizing two separate image style translations and a set of symmetric depth estimation sub-networks. GASDA leverages the stereo epipolar geometry, resulting in accurate 192 × 640 depth maps. This model demonstrated strong performance on both the KITTI and Make3D datasets.
In this study, we additionally separate a subset of the depth estimation algorithms that predict the object-specific distance instead of generating depth maps. These models are typically supervised and provide the user with single distance values for each object detected in the image frame. In our previous works, we proposed a lightweight convolutional framework capable of predicting the object-specific distances from monocular images: the CDR model [37,38]. This model was designed as a simple and efficient solution that is easier to train and deploy compared to its depth estimation counterparts and was shown to achieve an accuracy comparable to the Monodepth2 model on the KITTI dataset.
In our experiments, we incorporate the CDR and the Monodepth2 models within a unified detection–tracking–prediction framework. This choice was made due to the substantial structural differences between these approaches. By comparing both models, we facilitate a more general assessment of the impact of detection and tracking errors on distance prediction accuracy.

2.3. Errors in Trajectory Prediction and Distance Estimation

The quantification of the errors in pedestrian trajectory prediction and monocular distance estimation tasks is a complex problem that can be solved in several ways.
For trajectory prediction, the most typically employed performance metrics include the average displacement error (ADE) and final displacement error (FDE). The ADE measure is defined as the average L 2 (denoted as | | · | | 2 ) distance between the predicted trajectory points and the ground truth. In the case of multimodal trajectory prediction, two types of this measure can be used: ADE K and minADE. The former is computed as the average ADE for K sampled trajectories for a given agent, and the latter stands for the minimum ADE among the K samples [23,39]. The FDE metric, in turn, measures the L 2 distance between the endpoint of the predicted trajectory and the ground truth. Similarly to ADE, the FDE measure can be computed as FDE K or FDE [39].
Apart from these measures, various more complex approaches may be used to quantify prediction errors, such as time-to-collision (TTC) or the driving reliability and error analysis method (DREAM) [40]. The authors of DREAM proposed a comprehensive framework for identifying crash causation patterns based on the phenotype–genotype scheme. The phenotype in the framework is the direct contributing factor of the crash, while the genotype is the latent contributing factor. While being much more informative and interpretable, this method is more suitable for crash case studies and is challenging to apply in our experimental setting.
In our study, we adopt minADE and minFDE as performance metrics for trajectory prediction due to the widespread use of these measures, which facilitates easier comparison to the existing approaches.
The formulae for minADE and minFDE are provided in Equations (1) and (2), where N stands for the batch size, T, and h denote the overall temporal trajectory length and the history length, respectively, and K is the number of sampled predicted trajectories. In both equations, Q denotes the ground truth trajectory points (x and y), and Q ^ stands for the predicted trajectory points.
minADE = 1 N ( T h ) i = 1 N m i n K t = h + 1 T | | Q t i Q ^ t i | | 2
minFDE = 1 N i = 1 N m i n K | | Q T i Q ^ T i | | 2
In both equations, the minimum operation is used over the set of predicted sample trajectories to estimate the model’s reconstruction performance. This step is performed to exclude the samples that realize the alternative modes of the agents’ behavior.
For monocular distance estimation, the choice regarding the error measures is just as diverse. The most commonly used metrics include mean absolute error (MAE) or absolute relative distance (ARD), root mean squared error (RMSE), and logarithmic RMSE [26]. All these measures compute the mean error in meters or fractional units relative to the ground truth distance and mostly differ in the handling of large outliers. The RMSE metric, for instance, tends to amplify the role of large-valued errors [38]. Additionally, in [41], the range error and the relative range error measures were proposed. These metrics are derived for the stereo vision applications and take the stereo parameters of the vision system into account, resulting in more accurate error estimation.
For our experiments, we adopt mean absolute error (MAE), as well as the standard deviation of the error (STD) and its 95th percentile. MAE is calculated according to Equation (3), where z is the ground truth distance and z ^ is the predicted distance.
MAE = 1 N i = 1 N | z i z ^ i |
This combination of metrics was chosen for the following reasons:
The mean absolute error is the standard evaluation metric for the task. It facilitates the quantitative and qualitative comparison with other reported results on monocular distance estimation.
The standard deviation of mean absolute error quantifies the consistency of the model’s outputs and thus characterizes the reliability of the chosen method on a given dataset.
The 95th percentile of MAE provides deeper insight into the structure of the model’s error distribution and can be viewed as the upper error bound, i.e., the worst-case error computed excluding the outliers.

3. Materials and Methods

The task of trajectory prediction can be considered as a downstream task of detection and tracking. Therefore, errors accumulated from detection and/or tracking will be passed on to the trajectory prediction models, leading to inaccurate outcomes. The same effect, which we refer to as error accumulation, is generally true for the distance estimation task. In this section, we describe the datasets that were used in our experiments, the chosen evaluation metrics, and the pipelines that we evaluated.

3.1. Datasets

3.1.1. Trajectory Prediction

In the trajectory prediction experiment, we used three datasets for training and validation: Argoverse 1 [25], BDD100K [42], and KITTI [28].
The Argoverse 1 dataset was released in June 2019 and contains road information from Miami and Pittsburgh. The videos in the dataset have a resolution of 1920 × 1200 and are recorded at a rate of 30 Hz, with lengths ranging from 15 to 30 s. We preprocessed the tracking data into trajectory data, resulting in 1372 training samples and 406 validation samples when applying a 2.5 FPS frame rate.
The BDD100K dataset was released in May 2018 and contains road information collected from various locations in the US, including New York, Bay Area, Berkeley, and San Francisco. The videos in the dataset have a resolution of 1280 × 720 and are recorded at a rate of 30 Hz, with each video lasting 40 s. After applying a 2.5 FPS frame rate sampling, the data contain 685 training and 205 validation samples.
The KITTI dataset was released in 2012 and contains road information from Karlsruhe, Germany. The videos in the dataset have a resolution of 1242 × 375 and were recorded at a rate of 30 Hz. We used video data from the subsets 0015, 0017, and 0019 as the training set, while video data from 0016 were used as the validation set. There are 686 training and 213 validation samples in the dataset after a 2.5 Hz frame rate sampling is applied.
For model training, we used three different datasets with varying ratios. The first set consisted of 1372 training and 406 validation samples from the Argoverse 1 dataset, the second set had 1371 training and 407 validation samples from Argoverse 1 and BDD100K datasets, and the third set had 1372 training and 415 validation samples from Argoverse 1 and KITTI datasets. Figure 1 shows the quantities and ratios. We evaluated the trained models on various self-gathered Taiwan traffic scenes, including the Xindian district in New Taipei City, two scenes in Yonghe District (#1 and #2), New Taipei City, and Daan District in Taipei City.
In this study, the prediction of the next 12 frames of pedestrian trajectories was based on observing 8 history frames of trajectories, with a 2.5 FPS frame rate, resulting in the observation of 3.2 s to predict the following 4.8 s.

3.1.2. Distance Estimation

For the distance estimation experiment, the models were pretrained on the Eigen split [43] of the KITTI dataset and evaluated on a custom dataset collected in Taichung City and annotated with the LIDAR ground truth. This dataset consists of a single video with a total duration of approximately 9 min, a frame rate of 30 FPS, and a 1280 × 720 resolution. Out of all the video frames, 7064 have corresponding point clouds, roughly 19,400 points in each. To match the CDR ground truth format as described in [37], the following procedures were performed:
(1)
In each video frame, road agents belonging to the classes “person”, “car”, “bicycle”, “motorcycle”, “bus”, “train”, and “truck” were detected using the YOLOv7 object detector.
(2)
For each frame, if the corresponding LIDAR point cloud was recorded, the points were projected onto the image plane using the pinhole camera projection model.
(3)
For each bounding box, if the number of distance points within its boundaries was larger than 50, the bounding box was denoted as having the ground truth distance. Otherwise, the ground truth distance for this bounding box was set to be non-existent (nan).
(4)
For the bounding boxes with the ground truth distance, the distance points were arranged in ascending order, after which the smallest 15% (distance-wise) of the points were averaged. This average was determined to be the ground truth distance for a given object.
Following these procedures, a dataset consisting of 23,478 objects with corresponding distances was created. It can be noticed that the ground truth object distances were obtained using a slightly different approach compared to the KITTI data. This algorithm was designed after extensive empirical testing as the one producing the most visually plausible ground truth values.
The obtained samples were split into training, validation, and testing sets frame-wise. The split was performed preserving the chronological frame order; i.e., all the objects in the validation set appear later in the video than those in the training set. This decision was made to minimize the similarity between training and testing data and to ensure a fair comparison. The dataset statistics are shown in Table 1.

3.2. Pedestrian Trajectory Prediction Pipeline

We adopted popular object detection and tracking models, namely YOLOv7 [44] and DeepSORT [45], to calculate observed trajectories from videos instead of using ground truth from the datasets. Pedestrian information includes a pedestrian ID (tracking number) and the center point of the detected bounding box in each image. In addition, we utilized a pretrained trajectory prediction model and data augmentation from [22,23] and performed fine-tuning using custom datasets. The system workflow is illustrated in Figure 2.
In Figure 2, the scene semantic segmentation is used for extracting high-level features from videos to provide a consistent and high-level scene understanding, enhancing the model’s ability to predict trajectories across varying conditions. At test time, segmentation features are extracted from real videos using a pretrained DeepLabv3 model. These features are then used to predict future trajectories in real-world unseen videos.
During training, we set the epoch and batch size to 200 and 20, respectively. To optimize the model, we chose the Adadelta optimizer [46]. The optimizer’s initial learning rate was set to 0.6, and it decayed by 0.05 every 2 epochs. We evaluated the model’s performance and stored its parameters every 500 steps by feeding them into the validation dataset.

3.3. Monocular Distance Estimation Pipeline

For this task, consistent with our previous works, we use the YOLOv7 object detection model to obtain the bounding box predictions. For distance estimation, we use the Convolutional Distance Regression (CDR) model [38] and the Monodepth2 model [33] to study the impact of error accumulation and the efficacy of transfer learning on both distance and depth estimation algorithms.
The CDR model is pretrained on the KITTI dataset using the optimal structural and training settings determined in [38] (random downsampling, weighted Kullback–Leibler Divergence Loss, crop factor of 0.3 , β = 0.99 , base decoder) and fine-tuned on the training set for 50 epochs with a learning rate of 0.00007 and a batch size of 640 using Adam optimizer [47]. A stepwise learning rate scheduler is used to control the loss dynamics: the learning rate is decreased by a factor of 2 every 10 epochs. Unweighted Kullback–Leibler Divergence is used as a loss function. We refer to this procedure as pipeline-aware fine-tuning since the model is pretrained using the outputs of the upstream detection model.
The Monodepth2 model used in this experiment is pretrained on the KITTI dataset in the stereo + mono mode without any additional fine-tuning. The model was not fine-tuned due to the monocular nature of the dataset: in our experiment, only the monocular training is available for the model, and it does not support metric depth map generation.
Since certain classes of objects (namely “train”, “bus”, “truck”, and “bicycle”) are either not present in the dataset or heavily under-represented, they are excluded from the evaluation on the test set, leaving only the “person”, “bike”, and “car” classes.

4. Results

4.1. Experiment 1: Pedestrian Trajectory Prediction

The performance of the trajectory prediction pipeline on various datasets is shown in Table 2, where the error values are provided in pixels. The resolution of the test set is 1920 × 1080 and recorded at a rate of 30 Hz. We resized the input image to 608 × 608 pixels in applying the Yolov7 detection model. Our data preprocessing and standardization procedure includes several key steps. Initially, we analyze the original dataset’s annotation information to identify videos containing pedestrians and downsample these to 2.5 FPS. We then exclude videos with fewer than twenty frames following the downsampling as our study requires eight frames for observation and twelve for prediction. For the retained videos, we adjust the bounding box sizes to match the downsampled index values and store the pedestrian index values, tracking information, and bounding box center points as trajectory data. Using the downsampled index information, we generate corresponding images, resize them to a 1920 × 1080 resolution, and apply semantic segmentation using a pretrained model combining an Xception backbone network with a Deeplabv3 semantic segmentation network. Finally, we package the semantic segmentation data and pedestrian trajectory data into a model-suitable format, structuring the dataset to use eight frames for observation and the subsequent twelve frames for prediction. This standardized approach ensures consistency in our data preparation, facilitating robust trajectory prediction and analysis.
The results are presented using two metrics: minADE and minFDE. The values of these metrics are provided in pixels since both the training and testing datasets used for evaluation do not provide depth-wise annotation (i.e., LIDAR point clouds), thus making the transformation of the image points into real-world coordinates impossible. Although this circumstance limits the qualitative interpretation of the results, it is still possible to estimate the impact of the tracking and detection errors on the accuracy by comparing the obtained results to the results reported on the benchmark datasets that were used in this study. We provide further details regarding this comparison in Section 5.
If we only consider the trajectory prediction without accounting for the impact of detection and tracking like in previous studies, the results are 67.9 (pixels) for minADE and 175.6 (pixels) for minFDE, which is more optimistic than the practical scenario. When the detection and tracking errors are included, minADE and minFDE increase to 133.8 (pixels) and 285.8 (pixels), respectively. The accuracy of trajectory prediction is closely related to many safety features of autonomous driving or advanced driver assistance systems. Overly optimistic error analysis may affect the downstream safe path planning.
The visualization of the pipeline’s outputs appears in Figure 3. For inference on these samples, the model was trained using the complete Argoverse 1 dataset. The red bounding boxes provide information about the pedestrians’ location, the yellow lines represent the model’s observation of the pedestrians in the past 3.2 s, the green lines display the ground truth trajectories of the pedestrians in the next 4.8 s, and the heatmaps show the predicted trajectories in the next 4.8 s. Additionally, the text in the bottom left indicates the frame index.

4.2. Experiment 2: Monocular Distance Estimation

The performance of the CDR- and Monodepth2-based distance estimation pipelines pretrained on the KITTI dataset and evaluated on the custom dataset are presented in Table 3 and Table 4. In the tables, the results are provided in the form “MAE (m)/STD of MAE (m)/95th percentile of MAE (m)”. For instance, the table entry “5.27/6.49/14.81” can be interpreted as “the model has the mean absolute error of 5.27 (m) with the standard deviation of 6.49 (m), and 95% of all errors are less than or equal to 14.81 (m)”.
The examples displaying the CDR model’s performance are shown in Figure 4, where the red dots represent the LIDAR points, the distances in square brackets represent the ground truth, and the distances without brackets represent the model’s predictions.

5. Discussion

The minADE/minFDE results obtained in Experiment 1 (Table 2) show that the performance of the state-of-the-art Multiverse+SimAug model is noticeably hindered when applied to an unfamiliar dataset and using the outputs of the upstream tracking model instead of the ground truth bounding boxes. Meanwhile, on the benchmark datasets, the model achieves minADE values on the order of 20 (px) and minFDE values of 40 (px) [23]; regarding our custom data and within the tracking pipeline, these values are 5–7 times higher for almost all the cases. This indicates that the impact of the error accumulation on the trajectory prediction accuracy cannot be omitted in real-world applications. Moreover, this effect is clearly visible in Figure 3: the heatmaps of the predicted trajectories, while generally following the ground truth tracking curves, are noticeably different from the latter.
The same impact of the error accumulation can be observed in Experiment 2 (Table 3 and Table 4). This is especially clear when studying the standard deviations of the errors and the 95th percentiles: both quantities for both models are equal to or larger than the average errors. For comparison, on the KITTI dataset, both Monodepth2 and CDR yield errors on the scale of 2 (m) [38], while, on an unfamiliar dataset, the MAE values are several times higher (4.62 (m) for the CDR model and 4.80 (m) for Monodepth2).
This experiment also demonstrates the impact of pipeline-aware fine-tuning on the performance of the distance estimation algorithm. The fine-tuned CDR model yields lower error values compared to Monodepth2 for the “car” and “motorcycle” classes, as well as for the middle-distance range from 20 to 40 (m), despite being much simpler in its structure. Additionally, the 95th percentile of MAE is lower for the CDR model when viewed within the class-wise distribution. It is reasonable to assume that the overall better performance of the CDR model is due to fine-tuning. The error rates for Monodepth2 may be reduced by fine-tuning as well; however, this would require much more data with binocular modality, which may be substantially more expensive in terms of the deployment costs and computational complexity.

6. Conclusions

This study demonstrated the importance of accurate detection and tracking in the development of effective pedestrian trajectory prediction and monocular distance estimation models for autonomous driving. For the trajectory prediction task, we employed a combination of multiple models, including the detection model YOLOv7, the tracking model DeepSORT, the trajectory prediction model Multiverse, and the data augmentation method SimAug. We demonstrated that detection and tracking errors can have a substantial impact on the accuracy of trajectory prediction. For the monocular distance estimation task, we combined the YOLOv7 object detection model with Monodepth2 and the CDR monocular distance estimation models and demonstrated that the accuracy of the detection, as well as the similarity of the dataset to the training data, have a noticeable effect on the MAE values, as well as on the consistency of the predictions (standard deviation) and the width of the error distribution.
Overall, our findings suggest that improving the detection and tracking capabilities should be a key priority for developers of autonomous driving systems as these factors are critical to ensuring the safety and reliability of these systems in real-world environments. Additionally, deeper integration between models is required to enhance the positive effect of fine-tuning, ideally by creating a single multi-modal framework that jointly performs detection, tracking, trajectory prediction, and distance estimation.

Author Contributions

W.-H.C. was responsible for conceptualization, writing, and making revisions; Y.D. implemented the methods and contributed to writing; J.-C.W. and W.-C.Y. conducted the experiments; Y.-C.L. provided supervision and engaged in scholarly discussion. All authors have read and agreed to the published version of the manuscript.

Funding

National Science and Technology Council, Taiwan Grant Nos. 112-2218-E-035-001 and 112-2221-E-027-071.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The Argoverse dataset can be currently downloaded from https://www.argoverse.org (accessed on 1 June 2023). The BDD100K dataset is available at https://doc.bdd100k.com/download.html (accessed on 1 June 2023), and the KITTI dataset can be accessed via https://www.cvlibs.net/datasets/kitti/ (accessed on 1 June 2023). The listed datasets are publicly available and were published under the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
MDPIMultidisciplinary Digital Publishing Institute
DOAJDirectory of open access journals
ADASAdvanced Driver Assistance System
KCFKernelized Correlation Filter
ADEAverage Displacement Error
FDEFinal Displacement Error
minADEMinimum Average Displacement Error
minFDEMinimum Final Displacement Error
MAEMean Absolute Error
STDStandard Deviation
CNNConvolutional Neural network
LSTM     Long Short-Term Memory
GNNGraph Neural Network
GANGenerative Adversarial Network

References

  1. Helbing, D.; Molnar, P. Social force model for pedestrian dynamics. Phys. Rev. E 1995, 51, 4282. [Google Scholar] [CrossRef] [PubMed]
  2. Leon, F.; Gavrilescu, M. A review of tracking and trajectory prediction methods for autonomous driving. Mathematics 2021, 9, 660. [Google Scholar] [CrossRef]
  3. Zhao, G.; Zhou, Y.; Xu, Z.; Zhou, Y.; Wu, J. Hierarchical multi-supervision multi-interaction graph attention network for multi-camera pedestrian trajectory prediction. In Proceedings of the AAAI Conference on Artificial Intelligence, 22 February–1 March 2022; Volume 36, pp. 4698–4706. [Google Scholar]
  4. Zhao, X.; Lu, E.; Tang, Z.; Luo, C.; Xu, L.; Wang, H. Trajectory prediction method for agricultural tracked robots based on slip parameter estimation. Comput. Electron. Agric. 2024, 222, 109057. [Google Scholar] [CrossRef]
  5. Yuan, Y. Unified Simulation, Perception, and Generation of Human Behavior. arXiv 2022, arXiv:2204.13678. Available online: http://arxiv.org/abs/2204.13678 (accessed on 28 July 2024).
  6. Pellegrini, S.; Ess, A.; Schindler, K.; Van Gool, L. You’ll never walk alone: Modeling social behavior for multi-target tracking. In Proceedings of the IEEE 12th International Conference on Computer Vision, Kyoto, Japan, 27 September–4 October 2009; pp. 261–268. [Google Scholar]
  7. Lerner, A.; Chrysanthou, Y.; Lischinski, D. Crowds by example. Comput. Graph. Forum 2007, 26, 655–664. [Google Scholar] [CrossRef]
  8. Rasouli, A.; Kotseruba, I.; Kunic, T.; Tsotsos, J.K. Pie: A large-scale dataset and models for pedestrian intention estimation and trajectory prediction. In Proceedings of the IEEE International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 6262–6271. [Google Scholar]
  9. Gupta, A.; Johnson, J.; Fei-Fei, L.; Savarese, S.; Alahi, A. Social gan: Socially acceptable trajectories with generative adversarial networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 19–21 June 2018; pp. 2255–2264. [Google Scholar]
  10. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative adversarial nets. In Proceedings of the Advances in Neural Information Processing Systems 27 (NIPS 2014), Montreal, QC, Canada, 8–13 December 2014; Volume 27. [Google Scholar]
  11. Sadeghian, A.; Kosaraju, V.; Sadeghian, A.; Hirose, N.; Rezatofighi, H.; Savarese, S. Sophie: An attentive gan for predicting paths compliant to social and physical constraints. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 1349–1358. [Google Scholar]
  12. Robicquet, A.; Sadeghian, A.; Alahi, A.; Savarese, S. Learning social etiquette: Human trajectory understanding in crowded scenes. In Proceedings of the Computer Vision–ECCV 2016: 14th European Conference, Amsterdam, The Netherlands, 11–14 October 2016; Springer: New York, NY, USA, 2016; pp. 549–565. [Google Scholar]
  13. Alahi, A.; Goel, K.; Ramanathan, V.; Robicquet, A.; Fei-Fei, L.; Savarese, S. Social lstm: Human trajectory prediction in crowded spaces. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 961–971. [Google Scholar]
  14. Vemula, A.; Muelling, K.; Oh, J. Social attention: Modeling attention in human crowds. In Proceedings of the 2018 IEEE International Conference on Robotics and Automation, Brisbane, QLD, Australia, 21–25 May 2018; pp. 4601–4607. [Google Scholar]
  15. Veličković, P.; Cucurull, G.; Casanova, A.; Romero, A.; Lio, P.; Bengio, Y. Graph attention networks. arXiv 2017, arXiv:1710.10903. [Google Scholar]
  16. Kipf, T.N.; Welling, M. Semi-supervised classification with graph convolutional networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
  17. Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef] [PubMed]
  18. Kosaraju, V.; Sadeghian, A.; Martín-Martín, R.; Reid, I.; Rezatofighi, H.; Savarese, S. Social-bigat: Multimodal trajectory forecasting using bicycle-gan and graph attention networks. In Proceedings of the Advances in Neural Information Processing Systems 32 (NeurIPS 2019), Vancouver, BC, Canada, 8–14 December 2019; Volume 32. [Google Scholar]
  19. Mohamed, A.; Qian, K.; Elhoseiny, M.; Claudel, C. Social-stgcnn: A social spatio-temporal graph convolutional neural network for human trajectory prediction. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 14–19 June 2020; pp. 14424–14432. [Google Scholar]
  20. Yu, C.; Ma, X.; Ren, J.; Zhao, H.; Yi, S. Spatio-temporal graph transformer networks for pedestrian trajectory prediction. In Proceedings of the Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, 23–28 August 2020; Proceedings, Part XII 16. Springer: New York, NY, USA, 2020; pp. 507–523. [Google Scholar]
  21. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the Advances in Neural Information Processing Systems 30 (NIPS 2017), Long Beach, CA, USA, 4–9 December 2017; Volume 30. [Google Scholar]
  22. Liang, J.; Jiang, L.; Murphy, K.; Yu, T.; Hauptmann, A. The garden of forking paths: Towards multi-future trajectory prediction. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 14–19 June 2020; pp. 10508–10518. [Google Scholar]
  23. Liang, J.; Jiang, L.; Hauptmann, A. Simaug: Learning robust representations from simulation for trajectory prediction. In Proceedings of the Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, 23–28 August 2020; Proceedings, Part XIII 16. Springer: New York, NY, USA, 2020; pp. 275–292. [Google Scholar]
  24. Oh, S.; Hoogs, A.; Perera, A.; Cuntoor, N.; Chen, C.C.; Lee, J.T.; Mukherjee, S.; Aggarwal, J.; Lee, H.; Davis, L.; et al. A large-scale benchmark dataset for event recognition in surveillance video. In Proceedings of the CVPR 2011, Providence, RI, USA, 20–25 June 2011; pp. 3153–3160. [Google Scholar]
  25. Chang, M.F.; Lambert, J.W.; Sangkloy, P.; Singh, J.; Bak, S.; Hartnett, A.; Wang, D.; Carr, P.; Lucey, S.; Ramanan, D.; et al. Argoverse: 3D Tracking and Forecasting with Rich Maps. In Proceedings of the Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019. [Google Scholar]
  26. Masoumian, A.; Rashwan, H.A.; Cristiano, J.; Asif, M.S.; Puig, D. Monocular depth estimation using deep learning: A review. Sensors 2022, 22, 5353. [Google Scholar] [CrossRef] [PubMed]
  27. Fu, H.; Gong, M.; Wang, C.; Batmanghelich, K.; Tao, D. Deep ordinal regression network for monocular depth estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 2002–2011. [Google Scholar]
  28. Geiger, A.; Lenz, P.; Urtasun, R. Are we ready for autonomous driving? The kitti vision benchmark suite. In Proceedings of the 2012 IEEE Conference on Computer Vision and Pattern Recognition, Providence, RI, USA, 16–21 June 2012; pp. 3354–3361. [Google Scholar]
  29. Saxena, A.; Sun, M.; Ng, A.Y. Make3D: Learning 3D scene structure from a single still image. IEEE Trans. Pattern Anal. Mach. Intell. 2008, 31, 824–840. [Google Scholar] [CrossRef] [PubMed]
  30. Silberman, N.; Derek Hoiem, P.K.; Fergus, R. Indoor Segmentation and Support Inference from RGBD Images. In Proceedings of the ECCV, Florence, Italy, 7–13 October 2012. [Google Scholar]
  31. Chen, Y.; Zhao, H.; Hu, Z.; Peng, J. Attention-based context aggregation network for monocular depth estimation. Int. J. Mach. Learn. Cybern. 2021, 12, 1583–1596. [Google Scholar] [CrossRef]
  32. Godard, C.; Mac Aodha, O.; Brostow, G.J. Unsupervised monocular depth estimation with left-right consistency. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 270–279. [Google Scholar]
  33. Godard, C.; Mac Aodha, O.; Firman, M.; Brostow, G.J. Digging into self-supervised monocular depth estimation. In Proceedings of the IEEE International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 3828–3838. [Google Scholar]
  34. Guizilini, V.; Ambrus, R.; Pillai, S.; Raventos, A.; Gaidon, A. 3d packing for self-supervised monocular depth estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 2485–2494. [Google Scholar]
  35. Zhao, S.; Fu, H.; Gong, M.; Tao, D. Geometry-aware symmetric domain adaptation for monocular depth estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 9788–9798. [Google Scholar]
  36. Zhu, J.Y.; Park, T.; Isola, P.; Efros, A.A. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–39 October 2017; pp. 2223–2232. [Google Scholar]
  37. Davydov, Y.A.; Chen, W.H.; Lin, Y.C. Monocular Supervised Metric Distance Estimation for Autonomous Driving Applications. In Proceedings of the 2022 22nd International Conference on Control, Automation and Systems, Busan, Republic of Korea, 27 November–1 December 2022; pp. 342–347. [Google Scholar]
  38. Davydov, Y.; Chen, W.H.; Lin, Y.C. Supervised object-specific distance estimation from monocular images for autonomous driving. Sensors 2022, 22, 8846. [Google Scholar] [CrossRef] [PubMed]
  39. Lefèvre, S.; Vasquez, D.; Laugier, C. A survey on motion prediction and risk assessment for intelligent vehicles. Robomech J. 2014, 1, 1. [Google Scholar] [CrossRef]
  40. Yue, L.; Abdel-Aty, M.; Wu, Y.; Zheng, O.; Yuan, J. In-depth approach for identifying crash causation patterns and its implications for pedestrian crash prevention. J. Saf. Res. 2020, 73, 119–132. [Google Scholar] [CrossRef] [PubMed]
  41. Llorca, D.F.; Sotelo, M.A.; Parra, I.; Ocaña, M.; Bergasa, L.M. Error analysis in a stereo vision-based pedestrian detection sensor for collision avoidance applications. Sensors 2010, 10, 3741–3758. [Google Scholar] [CrossRef] [PubMed]
  42. Yu, F.; Chen, H.; Wang, X.; Xian, W.; Chen, Y.; Liu, F.; Madhavan, V.; Darrell, T. Bdd100k: A diverse driving dataset for heterogeneous multitask learning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 2636–2645. [Google Scholar]
  43. Eigen, D.; Puhrsch, C.; Fergus, R. Depth map prediction from a single image using a multi-scale deep network. Adv. Neural Inf. Process. Syst. 2014, 27, 2366–2374. [Google Scholar]
  44. Wang, C.Y.; Bochkovskiy, A.; Liao, H.Y.M. YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors. arXiv 2022, arXiv:2207.02696. Available online: http://arxiv.org/abs/2207.02696 (accessed on 28 July 2024).
  45. Wojke, N.; Bewley, A.; Paulus, D. Simple online and realtime tracking with a deep association metric. In Proceedings of the 2017 IEEE International Conference on Image Processing, Beijing, China, 17–20 September 2017; pp. 3645–3649. [Google Scholar]
  46. Zeiler, M.D. Adadelta: An adaptive learning rate method. arXiv 2012, arXiv:1212.5701. [Google Scholar]
  47. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
Figure 1. The quantity and the ratio of the training set and validation set.
Figure 1. The quantity and the ratio of the training set and validation set.
Sensors 24 05066 g001
Figure 2. The workflow of the trajectory prediction experimental system.
Figure 2. The workflow of the trajectory prediction experimental system.
Sensors 24 05066 g002
Figure 3. Trajectory prediction pipeline: visualization.
Figure 3. Trajectory prediction pipeline: visualization.
Sensors 24 05066 g003
Figure 4. Visualization of monocular distance pipeline.
Figure 4. Visualization of monocular distance pipeline.
Sensors 24 05066 g004
Table 1. Number of frames and objects in the custom distance estimation dataset.
Table 1. Number of frames and objects in the custom distance estimation dataset.
SubsetFramesObjects
training450014,760
validation10253487
testing15395231
Table 2. The performance of the trajectory prediction pipeline trained on the tracking model’s outputs.
Table 2. The performance of the trajectory prediction pipeline trained on the tracking model’s outputs.
Train/Val SetTest SetminADE (px)minFDE (px)
Argoverse1Xindian Dist.133.8285.8
Yonghe Dist. #180.8215.7
Yonghe Dist. #28.516.2
Daan Dist.55.9116.5
Argoverse1 and BDD100KXindian Dist.96.3181.5
Yonghe Dist. #198.9255.1
Yonghe Dist. #212.97.4
Daan Dist.69.8158.2
Argoverse1 and KITTIXindian Dist.108.9251.2
Yonghe Dist. #1113.0295.4
Yonghe Dist. #223.577.4
Daan Dist.71.9137.0
Table 3. The distance estimation pipeline performance: class-wise distribution.
Table 3. The distance estimation pipeline performance: class-wise distribution.
ClassSamplesCDR ModelMonodepth2
person14365.27/6.49/14.81 15.11/6.77/16.88
car25354.04/4.84/13.254.40/5.55/15.12
motorcycle4525.77/7.53/16.046.06/6.52/20.72
overall44234.62/5.78/14.164.80/6.10/16.46
1 The results are provided in the form MAE (m)/STD of MAE (m)/95th percentile of MAE (m).
Table 4. The distance estimation pipeline performance: distance-wise distribution.
Table 4. The distance estimation pipeline performance: distance-wise distribution.
Distance (m)SamplesCDR ModelMonodepth2
0 , 10 11822.54/3.95/9.27 11.65/3.58/3.79
10 , 20 15443.54/3.78/9.503.46/4.98/10.67
20 , 40 16005.87/4.54/14.167.87/6.40/19.27
40 , + 9726.45/13.79/48.9513.88/9.08/27.09
overall44234.62/5.78/14.164.80/6.10/16.46
1 The results are provided in the form MAE (m)/STD of MAE (m)/95th percentile of MAE (m).
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

Chen, W.-H.; Wu, J.-C.; Davydov, Y.; Yeh, W.-C.; Lin, Y.-C. Impact of Perception Errors in Vision-Based Detection and Tracking Pipelines on Pedestrian Trajectory Prediction in Autonomous Driving Systems. Sensors 2024, 24, 5066. https://doi.org/10.3390/s24155066

AMA Style

Chen W-H, Wu J-C, Davydov Y, Yeh W-C, Lin Y-C. Impact of Perception Errors in Vision-Based Detection and Tracking Pipelines on Pedestrian Trajectory Prediction in Autonomous Driving Systems. Sensors. 2024; 24(15):5066. https://doi.org/10.3390/s24155066

Chicago/Turabian Style

Chen, Wen-Hui, Jiann-Cherng Wu, Yury Davydov, Wei-Chen Yeh, and Yu-Chen Lin. 2024. "Impact of Perception Errors in Vision-Based Detection and Tracking Pipelines on Pedestrian Trajectory Prediction in Autonomous Driving Systems" Sensors 24, no. 15: 5066. https://doi.org/10.3390/s24155066

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