Next Article in Journal
Improvement of Oracle Bone Inscription Recognition Accuracy: A Deep Learning Perspective
Previous Article in Journal
Improving Road Surface Area Extraction via Semantic Segmentation with Conditional Generative Learning for Deep Inpainting Operations
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

End-to-End Pedestrian Trajectory Forecasting with Transformer Network

1
School of Communication and Information Engineering, Shanghai University, Shanghai 200444, China
2
School of Electronic Information and Electrical Engineering, Anyang Institute of Technology, Anyang 455000, China
*
Author to whom correspondence should be addressed.
ISPRS Int. J. Geo-Inf. 2022, 11(1), 44; https://doi.org/10.3390/ijgi11010044
Submission received: 19 November 2021 / Revised: 7 January 2022 / Accepted: 7 January 2022 / Published: 9 January 2022

Abstract

:
Analysis of pedestrians’ motion is important to real-world applications in public scenes. Due to the complex temporal and spatial factors, trajectory prediction is a challenging task. With the development of attention mechanism recently, transformer network has been successfully applied in natural language processing, computer vision, and audio processing. We propose an end-to-end transformer network embedded with random deviation queries for pedestrian trajectory forecasting. The self-correcting scheme can enhance the robustness of the network. Moreover, we present a co-training strategy to improve the training effect. The whole scheme is trained collaboratively by the original loss and classification loss. Therefore, we also achieve more accurate prediction results. Experimental results on several datasets indicate the validity and robustness of the network. We achieve the best performance in individual forecasting and comparable results in social forecasting. Encouragingly, our approach achieves a new state of the art on the Hotel and Zara2 datasets compared with the social-based and individual-based approaches.

1. Introduction

Analysis of pedestrians’ motion is one of the core problems for many autonomous systems in public scenes, such as surveillance, crowd simulation, mobile robot navigation, and autonomous driving. It is also essential for urban safety, and city planning. Trajectory prediction relies on the past observed human motion to predict the future locations of the pedestrians. Perceiving the crowd behavior and understanding the future behavior of agents are crucial abilities. Trajectory prediction is a challenging task. The pedestrian trajectory can be influenced by multiple factors, including individual moving style, the underlying destination, the motion of other agents, the environment topology structure, etc. Moreover, the agents velocity, the interactions with other moving pedestrians also affect the walking behavior of an individual. An efficient and effective end-to-end trainable framework is expected to improve pedestrian trajectory prediction performance.
Most current methods of pedestrian action prediction are sequence prediction. Since the Long-short term memory networks (LSTM) show the ability to learn and reproduce long sequences effectively, some LSTM-based approaches [1] are proposed to learn social behaviors. Then, some researchers integrate rich information into the standard LSTM, such as current intention of neighbors [2], group coherent motion patterns [3], scene information [4,5], high-level road-agent behavior [6], dynamic and static context-aware motion [7]. By adding this information to human movement trajectories in the prediction process, the performance can be improved significantly. In addition, some researchers try to use classical algorithms in AI-based methods. For example, combining Kalman filter algorithm and support vector machine algorithm to predict the trajectory prediction of fast flight ping-pong in the research of ping-pong robot [8], and using a Deep Kalman Filtering Network (DKFN) for traffic prediction [9]. The results show that the prediction accuracy is obviously improved compared with the single algorithm.
This problem of trajectory prediction can be viewed as a sequence generation task, where researchers are interested in predicting the future trajectory of people based on their past positions. Some efforts [10,11,12,13,14] have been made to tackle social interactions and produce socially acceptable trajectories through generative adversarial networks (GANs). They introduce the adversarial loss along with sequence generation. Note that the notorious instability of training is a challenge, so integration needs to be done carefully. This strategy can improve the traditional trajectory prediction performance obviously.
Applying attention in sequence learning tasks has proved its effectiveness in the overall algorithm performance [11,15,16,17], and in pedestrian trajectory prediction methods [18,19,20,21]. It is helpful to draw more plausible trajectories. Some researchers [11,15,16] use the soft attention modules to evaluate social interactions. Fernando et al. [17] applied hard attention to assign weights based on pedestrians’ distance, they also introduced additional soft attention to evaluate the interaction salience in a scene region. So, their trajectory prediction drew conclusions about which region was more likely for a pedestrian to navigate through. In the proposed work, we use the transformer network adopting an attention mechanism with Query-Key-Value (QKV) model to predict the pedestrian future location.
Inspired by the great success of transformer in natural language processing [18,19], computer vision [20,22,23], and audio processing [21,24,25], we aim to implement trajectory forecasting with an end-to-end transformer model. Thanks to their better capability to learn non-linear patterns, we argue that transformer networks are suitable for sequence modeling and trajectories forecasting. Giuliari et al. [26] utilize a simple Transformer model to achieve good performance on the single trajectory forecasting task. They feed the current and prior positions sequence to the encoder-decoder transformer network (TF), and predict the future track positions. However, the decoder is trained with ground truth, but tested with predicted positions. The predicted points are often biased, and affect the following prediction, resulting in inevitable error cascades. To overcome this problem, we propose a transformer model embedding the random deviation query. During training, disturbance error is embedded in the query, and the decoder is still required to predict accurate trajectory. In this way, the network has the ability of self-correction, alleviates the prediction deviation caused by error cascade, and improves the robustness.
In this work our main contributions are twofold:
  • First, we propose an effective and end-to-end trainable framework built upon the transformer framework which is embedded with a random deviation query for trajectory forecasting. Taking advantage of the self-correcting ability introduced by the random deviation query, the robustness of the existing transformer network is enhanced. For detail, we design an attention mask to solve the assignment problems between parallel input queries and sequentially predict.
  • Second, we present a co-training strategy based on a classification branch to improve the training effect. The whole scheme is trained collaboratively by the original loss and classification loss, which can improve the accuracy of the results. Experimental results compared with the state of the art methods show that the proposed method can predict plausible trajectory with higher accuracy.
The remainder of this paper is organized as follows. In Section 2, we briefly review the related work. Then the materials and methods are proposed in Section 3. Experimental results on datasets are presented in Section 4. Finally, the conclusion and prospect are presented in Section 5.

2. Related Work

Analysis of pedestrians’ motion has been studied for many years. Some researchers have dedicated their works to model pedestrian dynamics [27,28], develop software for pedestrian trajectories extraction [29], and estimate pedestrian safety level [30]. We give a brief review of the literature on pedestrian trajectory forecasting, especially approaches that compared with the proposed method. For the purpose of this paper, we distinguish two main trends for related work: social-based and attention-based trajectory forecasting.
social-based trajectory forecasting: Many existing methods employ social information into trajectory prediction. Early works include LSTM-based methods [1,2,4,5,7] that utilize LSTM network to learn context information. Then, a variety of social information are taken into account, such as current intention of neighbors [2,31], group coherent motion patterns [3], scene context [4,5,32,33], high-level road-agent behavior [6], dynamic and static context-aware motion [7], and social interactions modelling [34]. Then, following the success of the Generative Adversarial Network (GANs), some efforts [10,11,12,13,14] have been made to tackle social interactions. The social GAN model (abbreviated as SGAN) attemps to generate multiple trajectory predictions for each observed trajectory. Their network includes a pooling module to expand the neighborhood around each person of interest (POI) to cover the whole scene so all the pedestrians can be considered in the training and prediction processes. This effectively expands the local neighborhood context to a global level. Similarly, Sophie [11] uses GAN to generate multiple future paths for each trajectory.
attention-based trajectory forecasting: Attention-based models have been widely used in many tasks, such as natural language processing [18,19], computer vision [20,22,23], and audio processing [21,24,25]. In the area of trajectory prediction, attention mechanisms have been used to draw more plausible trajectories [11,15,16,17,35,36]. Sadeghian et al. [11] focus on the problem of wider scope: one that involves both pedestrians and vehicles. Giuliari et al. [26] utilize a simple transformer model to achieve good performance on a single trajectory forecasting task. They feed the current and prior positions sequence to the encoder-decoder transformer network (TF) and predict the future track positions. The SoPhie method [11] uses two attention modules to deal with scene context and social interactions.
Different from the methods reviewed above, an effective and end-to-end trainable transformer-based framework is used to predict the pedestrian trajectory. The temporal and spatial information of trajectories is embedded in queries. Moreover, embedding random deviation query is helpful for robustness and generalizability.

3. Materials and Methods

In this work, we address the problem of future positions prediction by processing their current and prior positions. Encoder-decoder transformer learns the pedestrian trajectory embeddings. The random deviation query and co-training strategy are beneficial to boost network performance. We will present the details of the proposed method in the following. The proposed approach is visualized in Figure 1. Symbols and their representations in this section are shown in Table 1.

3.1. Problem Formulation

Assume there are total of N pedestrians involved in a scene, and t is the current time stamp (frame). The trajectory of a pedestrian P i ( i [ 1 , N ] ) from time stamp t s to t e is denoted as T i t s : t e = [ ( x i t s , y i t s ) , , ( x i t e , y i t e ) ] . The spatial location at time t of the pedestrian P i is denoted as p i t = ( x i t , y i t ) . If we let 0 be the current time stamp, the current and prior positions observed in Cartesian coordinates are denoted as T o b s = T i t s : 0 , and the predicted positions are T p r e = T i 1 : t e . The proposed network aims to generate predicted trajectories T ^ p r e that match the ground truth future trajectories T g t .
We sequentially predict the points in each future frame. Since some works [37,38] have shown that the displacement prediction is easier in sequential estimation, therefore we predict the location displacement corresponding to a current frame for each pedestrian. A 2M-dimensional displacement vector D o b s = D i t s : 0 = [ p i ( M 1 ) p i M , p i ( M 2 ) p i ( M 1 ) , , p i 0 p i 1 ] R 2 is used to discribe pedestrian P i ’s walking path in the past M time stamps with respect to t = 0 . When feeding to the transformer, the input vector is embedded onto a higher D-dimensional space by a linear projection with a matrix of weights e o b s ( i , t ) = D o b s W i . Similarly, the output of the transformer is back-projected to the Cartesian coordinates.
Positional encoding: The transformer network discards the sequential nature of time-series data used in the LSTM-based model, but models temporal dependencies with the self-attention mechanism. Thus, the input embedding data E o b s ( i , t ) consists of spatial trajectory embedding e o b s ( i , t ) and temporal position embedding P t . By following the same setting as in [18], the position embedding P t is defined by sine and cosine functions. Each dimension of the positional encoding varies in time according to a sinusoid of different frequency, from 2 π to 10,000· 2 π , which ensures a unique time stamp for the error.
E o b s ( i , t ) = e o b s ( i , t ) + P t P t = p ( t , d ) d = 1 D p ( t , d ) = s i n ( t 10 , 000 d / D ) for   d   even c o s ( t 10 , 000 d / D ) for   d   odd
Position embeddings are useful in our model, since they give the network a sense of which position of the sequence it is currently dealing with. There is no position information in self-attention. Through position embedding, each position has a unique position vector. In other words, each e o b s ( i , t ) appends a one-hot vector p t .

3.2. Encoder-Decoder Transformer

Figure 1 shows the overall framework of the proposed approach for pedestrian trajectory prediction. In general, the framework is a transformer-based network assisted with random deviation queries and a classify branch to enhance performance. The observed pedestrian positions are fed to the network, and the network predicts the future trajectory. The detail information of the encoder and decoder in the transformer are also shown.
Firstly, an end-to-end transformer is used as the base network to learn the function from prior trajectory sequence to future sequence. In this work, the encoder-decoder network is composed of six encoder blocks and six decoder blocks. The encoder block includes a multi-head attention and a feed forward network (FFN), and the decoder block contains two multi-head attention (one of which uses masked) and an FFN. Each is followed by a residual add to prevent degradation and a layer normalization to accelerate convergence.
The transformer is a mechanism in which a model learns to make predictions by selectively focusing on given data. While self-attention is an attention mechanism in which the model uses the observed portion of the sample and makes predictions of the remaining. The inputs of an attention module consist of Q (query embedding inputs), K (key embedding inputs) and V (value embedding inputs). Thus, the output is the weighted sum of the Value vectors, where the weight assigned to each V is determined by the scaled dot product of Q and the corresponding K.
Attention ( Q , K , V ) = softmax ( Q K T d k ) V
Multi-head attention is the core component of Transformer. Unlike simple attention, the multi-head mechanism breaks the input into many small chunks, computes the scaled dot product of each subspace in parallel, and finally concatenates all the attention output.
MultiHead Attention ( Q , K , V ) = concat ( h e a d 1 , , h e a d h ) W O h e a d i = Attention ( Q W i Q , K W i K , V W i V )
where W i Q , W i K , W i V , W O are the weight matrices in queries, keys, values, and output. All these weights can be trained.
In each sub-layer, multi-head attention has a feed forward network (FFN). The order in FFN is a linear transformation [18], Relu activation [39], and another linear transformation. The dropout is used to reduce overfitting, speed up training and enhance performance.
FeedForward ( x ) = max ( 0 , x W 1 + b 1 ) W 2 + b 2
During the training procedure, the encoder is fed current and previous positions embeddings. Then the encoder outputs are passed to the decoder as memory to make an attention operation. In addition, the decoder is fed object queries which are referred to as position embedding of predicted position vectors, and the object queries are ground truth points in training. The decoder generates positions of future time stamps when testing.
In addition, we design an attention mask to prevent positions from attending to subsequent positions. This masking ensures that the predictions for position i can depend only on the known outputs at positions prior to i. The mask matrix M a s k i , j is added to the softmax layer of self-attention in the decoder, i.e, s o f t m a x ( Q K T d k + M a s k i , j ) V .
M a s k i , j = 0 i j otherwise
where M a s k i , j determines whether the query q i is prior to the query q j . The queries after the current time stamp are masked so that the prediction is only based on the current and prior data.

3.3. Random Deviation Query

Encoder-decoder transformer learns the pedestrian trajectory embeddings. However, we observe that the output of the decoder block is not parallel in testing, but is predicted sequentially. Especially, the input of the decoder is ground truth in training, but predict queries with bias in testing. This deviation would cascade, leading to worsening predicted position along with the time stamp. Introducing appropriate deviation in training may improve the robustness and the performance of the network. With this motivation, random deviation queries is added as the input of the decoder for training to simulate the biased input. The random deviation query is defined as “deviation query + ground truth query”. Even though one predicted point deviates from the ground truth, subsequent frames can still predict accurate position.
To improve the training effect, we also introduce a co-training strategy, which is based on the classification task. In the training process, the random deviation query containing real positions information can assist the decoder training. While in testing, the decoder input contains predicted position information which is deviated most of the time. Considering the decoder receives the predicted value rather than the ground truth in testing, a classification branch is added to judge whether the predicted sequence is accurate or not. As Figure 1 shows, a fully connected layer is set as a classifier.
The labels of the deviation query are defined based on the random deviation value. In the classification branch, the accuracy discrimination distance (ADD)is defined to measure the degree of deviation. A D D = ( x i t x i t ) 2 + ( y i t y i t ) 2 , where x i and y i are random deviation queries, x i t and y i t are ground truth queries. If the ADD is greater than the threshold value (which is set as 0.3), the corresponding label is 0. Similarly, the label is 1 when ADD is less than the threshold. The reason is that we assume the network can predict an accurate future trajectory. Theoretically, if the current position deviates far from the real point, then the next position predicted based on it would not be accurate, and vice versa.

3.4. Final Objective

For the loss calculation, the original trajectory loss L p is the distance between the predicted position displacement D ^ i and the ground truth position displacement D i at time stamp t j , i.e., L p = 1 M p j = 1 M p distance ( D i t j , D ^ i t j ) . M p denotes the total frames of predictions. The classification loss is the cross-entropy of the output of the classifer l i ^ and the corresponding labels l i , i.e., L c l s = C r o s s E n t r o p y ( l i , l i ^ )
The final loss for the network is defined as:
L f i n a l = L p + λ L c l s
where λ keeps the balance of the two objectives. λ is set as 50 for training.

4. Results

We evaluate the end-to-end transformer model on several trajectory forecasting datasets, and achieve comparable performance compared to methods in the literature. Implementation of the proposed model and its training are based on the PyTorch deep learning framework, using NVIDIA Geforce RTX 3090 GPU.

4.1. Experiment Setup

The detail information of the datasets and metrics are listed as follows:
  • Datasets; Following the related prior research, we evaluate the proposed method on two public datasets: ETH [40] and UCY [41]. These datasets contain 5 video sequences (Hotel, ETH, UCY, ZARA1, and ZARA2) consisting of 1536 pedestrians in total with different movement patterns and social interactions. People walk in parallel, moving in groups, turning in the corner, avoiding collisions when they walk face-to-face. These are common scenarios that involve social behaviors. These sequences are recorded in 25 frames/second (fps) and contain 4 different scene backgrounds.
  • Metrics; Average Displacement Error (ADE), mean square error overall estimated points in the predicted trajectory and ground-truth trajectory. Final Displacement Error (FDE), the distance between the predicted final destination and the ground-truth final destination. They can be mathematically defined as follows:
    A D E = 1 N i t = 1 t e | | T g t T ^ p r e | | 2 F D E = 1 N t = 1 n | | T g t T ^ p r e | | 2

4.2. Experiment on ETH and UCY Dataset

First we compare the proposed methods to the state of the art methods on ETH and UCY datasets following the single trajectory deterministic protocol. Table 2 summarizes these results and shows that the proposed model achieves comparable performance. The results are separated into two categories: social version and individual version, listed in the top and bottom parts of the table, respectively (separated with a line). We achieve the best performance in the individual version (blue data). For the social version, comparable results are achieved. The average error result also indicates that adding more mapping information can significantly improve performance. Comparison with some approaches with a best-of-20 protocol [14] are shown in Table 3. Several models are trained, drawing 20 samples during both training and testing, and the best model is selected. So far, the best-of-20 protocol is a kind of upper-bound. The proposed method yields the best performance compared with other individual methods on ETH and UCY datasets (blue data). Furthermore, we achieve the best performance in the ADE and FDE on the Hotel dataset and FDE on Zara2 (black bold data), compared with the social-based and individual-based approaches. Figure 2 shows the qualitative comparison of the predicting results between the proposed method with TF [26], a classical transformer method. Some examples successfully predict the trajectories with small errors are shown on the first two rows. The last row shows some suboptimal cases. For example, the pedestrian took a linear path while the real trajectory is curved. Even so, the proposed method predicts a plausible path.
We observe that most individual-based methods perform worse than social-based methods. The reason is that social information is considered, e.g., the influence of other agents. For example, when a pedestrian comes in the opposite direction or stops on the planning path, the original plan should be changed to avoid a collision. Besides, when traveling with a partner, the agent should keep the speed and distance constant. Another factor affecting performance is abnormal trajectory. For example, a pedestrian making a sudden turn. The observed information cannot reflect the pedestrian’s intention to turn, but the phenomenon of turning in the prediction time stamp. The predictive function of the model is useless in this case, and the prediction path is still straight. The reasons are as follows: firstly, the destination of a pedestrian is unknown, future turns cannot be predicted according to the previous trajectory information. Secondly, the pedestrians’ history behavior habits are unknown. If combining the historical track of the agents and the observed trajectories, accurate predictions may still be made even when there are turns or speed changes.

4.3. Ablation Study

A number of ablation studies are performed to show the details of the proposed method. The results and discussions are shown following.

4.3.1. Effect on Different Numbers of Encoder-Decoder Blocks

Table 4 shows ADE and FDE results when the number of blocks in the encoder and decoder is changed. For the encoder, each block contains a multi-head attention module, an FFN, and two following residual connections. For the decoder, each block contains two multi-head attention (one of which uses masked), an FFN, and two following residual connections too. Since the encoder and decoder architectures play the same important role, we set the same numbers of blocks in both of them. We can see that with the increase of blocks, ADE and FDE gradually decreased. ADE and FDE tend to be stable when the number of blocks increases to 6. Thus, considering the balance between performance and computation, the number of blocks layers is set to 6 in the modular transformer. The comparison visualization results of average ADE and FDE can be seen in Figure 3.

4.3.2. Effect on Different Key Parameter λ

A comparison experiment is taken on ETH and UCY datasets to find the optimum value of super parameter λ , which is used to keep the balance of the loss. With the increase of λ , the performance keeps getting better steadily until up to 50 when starts to deteriorate. Especially when adding ADE and FDE to make the error superposition, the effect is more obvious (black bold data). Since the ADE and FDE are very small, adding them together can better reveal the differences. This means that a suitable equilibrium loss function can encourage the network to predict a more accurate trajectory. Although similar results can be achieved by other values, Table 5 shows that the parameter of 50 is often sufficient to achieve very good results on pedestrian forecasting. Eventually, the parameter λ is set to 50. This result shows that it is necessary to choose a suitable key parameter, and it can balance the different loss functions in the training process. The comparison visualization results of average ADE and FDE can be seen in Figure 4.

4.3.3. Effect on Different Accuracy Discrimination Distance

Accuracy discrimination distance (ADD) is defined to measure the degree of deviation. It is helpful to enhance the robustness of the network. If ADD is too large, the network would be insensitive to deviations, resulting in largely biased prediction. On the contrary, too small ADD invalidates the classifier branch, leading to deviation correction failure. The comparison results on ETH and UCY datasets with different ADD are shown in Table 6, and the visualization results of average ADE and FDE can be seen in Figure 5. To balance these two aspects, the threshold of ADD is set as 0.3 to pursue the best performance in average ADE and FDE.

5. Conclusions

We present an effective end-to-end transformer network for trajectory forecasting. The random deviation query is embedded in the classical transformer network and enhances the performance obviously. A co-training strategy based on a classification branch is utilized to improve the training effect. We achieve the best performance in individual forecasting and comparable results in social forecasting. Encouragingly, the proposed approach achieves a new state of the art on the Hotel and Zara2 datasets compared with the social-based and individual-based approaches.
In future work, we would like to apply social information and map information to improve performance. Moreover, this framework is not limited to trajectory forecasting. It can also be applied to more sequential prediction-related tasks.

Author Contributions

Conceptualization, Hai-Yan Yao and Wang-Gen Wan; methodology, Hai-Yan Yao; figures/tables preparation, Hai-Yan Yao and Xiang Li; data curation, Hai-Yan Yao and Xiang Li; writing—original draft preparation, Hai-Yan Yao and Xiang Li; writing—review and editing, Hai-Yan Yao; visualization, Hai-Yan Yao; supervision, Wang-Gen Wan. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported in part by the International cooperation project of Shanghai Science and Technology Commission (Grant 18510760300) and Anyang science and technology program (grant No.2021C01SF052).

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Alahi, A.; Goel, K.; Ramanathan, V.; Robicquet, A.; Li, F.; 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, 26 June–1 July 2016. [Google Scholar]
  2. Zhang, P.; Ouyang, W.; Zhang, P.; Xue, J.; Zheng, N. SR-LSTM: State Refinement for LSTM towards Pedestrian Trajectory Prediction. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 16–20 June 2019. [Google Scholar]
  3. Bisagno, N.; Zhang, B.; Conci, N. Group LSTM: Group Trajectory Prediction in Crowded Scenarios; Springer: Cham, Switzerland, 2018. [Google Scholar]
  4. Huynh, M.; Alaghband, G. Trajectory Prediction by Coupling Scene-LSTM with Human Movement LSTM. In Proceedings of the International Symposium on Visual Computing, Lake Tahoe, NV, USA, 7–9 October 2019. [Google Scholar]
  5. Manh, H.; Alaghband, G. Scene-LSTM: A Model for Human Trajectory Prediction. arXiv 2018, arXiv:1808.04018. [Google Scholar]
  6. Chandra, R.; Guan, T.; Panuganti, S.; Mittal, T.; Bhattacharya, U.; Bera, A.; Manocha, D. Forecasting Trajectory and Behavior of Road-Agents Using Spectral Clustering in Graph-LSTMs. arXiv 2019, arXiv:1912.01118. [Google Scholar] [CrossRef]
  7. Tao, C.; Jiang, Q.; Duan, L.; Luo, P. Dynamic and Static Context-aware LSTM for Multi-agent Motion Prediction. In Proceedings of the Europeon Conference on Computer Vision, Glasgow, UK, 23–28 August 2020. [Google Scholar]
  8. Cheng, Q.; Wang, C. A Method of Trajectory Prediction Based on Kalman Filtering Algorithm and Support Vector Machine Algorithm. In Proceedings of the 2017 Chinese Intelligent Systems Conference (CISC), Mudanjiang, China, 14–15 October 2017; pp. 495–504. [Google Scholar]
  9. Chen, F.; Chhen, Z.; Biswas, S.; Lei, S.; Ramakrishnan, N.; Lu, C. Graph Convolutional Networks with Kalman Filtering for Traffic Prediction. In Proceedings of the 28th International Conference on Advances in Geographic Information Systems (SIGSPATIAL), Seattle, WA, USA, 3–6 November 2020. [Google Scholar]
  10. Dendorfer, P.; Ošep, A.; Leal-Taixé, L. Goal-GAN: Multimodal Trajectory Prediction Based on Goal Position Estimation. In Proceedings of the Asian Conference on Computer Vision, Kyoto, Japan, 30 November–4 December 2020. [Google Scholar]
  11. Sadeghian, A.; Kosaraju, V.; Sadeghian, A.; Hirose, N.; 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, 15–20 June 2019. [Google Scholar]
  12. Fernando, T.; Denman, S.; Sridharan, S.; Fookes, C. GD-GAN: Generative Adversarial Networks for Trajectory Prediction and Group Detection in Crowds. In Proceedings of the Asian Conference on Computer Vision, Perth, Australia, 2–6 December 2018. [Google Scholar]
  13. Javad, A.; Jean-Bernard, H.; Julien, P. Social Ways: Learning Multi-Modal Distributions of Pedestrian Trajectories with GANs. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), Long Beach, CA, USA, 16–20 June 2019. [Google Scholar]
  14. 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, 18–22 June 2018. [Google Scholar]
  15. Haddad, S.; Wu, M.; Wei, H.; Lam, S.K. Situation-Aware Pedestrian Trajectory Prediction with Spatio-Temporal Attention Model. In Proceedings of the 24th Computer Vision Winter Workshop (CVWW), Stift Vorau, Austria, 6–8 February 2019. [Google Scholar]
  16. Yu, J.; Zhou, M.; Wang, X.; Pu, G.; Cheng, C.; Chen, B. A Dynamic and Static Context-Aware Attention Network for Trajectory Prediction. ISPRS Int. J. Geo-Inf. 2020, 10, 336. [Google Scholar] [CrossRef]
  17. Fernando, T.; Denman, S.; Sridharan, S.; Fookes, C. Soft+ hardwired attention: An lstm framework for human trajectory prediction and abnormal event detection. Neural Netw. 2018, 108, 466–478. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  18. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.; Kaiser, L.; Polosukhin, I. Attention Is All You Need. In Proceedings of the 31st International Conference on Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 6000–6010. [Google Scholar]
  19. Fan, Z.; Gong, Y.; Liu, D.; Wei, Z.; Wang, S.; Jiao, J.; Duan, N.; Zhang, R.; Huang, X. Mask Attention Networks: Rethinking and Strengthen Transformer. In Proceedings of the Conference of the North American Chapter of the Association for Computational Linguistics (NAACL), Online. 6–11 June 2021; pp. 1692–1701. [Google Scholar]
  20. Carion, N.; Massa, F.; Synnaeve, G.; Usunier, N.; Kirillov, A.; Zagoruyko, S. End-to-End Object Detection with Transformers. In Proceedings of the Europeon Conference on Computer Vision (ECCV), Glasgow, UK, 23–28 August 2020; pp. 213–229. [Google Scholar]
  21. Chen, X.; Wu, Y.; Wang, Z.; Liu, S.; Li, J. Developing Real-time Streaming Transformer Transducer for Speech Recognition on Large-scale Dataset. arXiv 2020, arXiv:2010.11395. [Google Scholar]
  22. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An Image is Worth 16 × 16 Words: Transformers for Image Recognition at Scale. arXiv 2020, arXiv:2010.11929. [Google Scholar]
  23. Parmar, N.; Vaswani, A.; Uszkoreit, J.; Kaiser, L.; Shazeer, N.; Ku, A.; Tran, D. Image Transformer. In Proceedings of the International Conference on Machine Learning (ICML), Stockholm, Sweden, 10–15 July 2018; pp. 4052–4061. [Google Scholar]
  24. Dong, L.; Xu, S.; Xu, B. Speech-Transformer: A No-Recurrence Sequence-to-Sequence Model for Speech Recognition. In Proceedings of the International Conference on Acoustics, Speech and Signal Processing (ICASSP), Calgary, AB, Canada, 15–20 April 2018; pp. 5884–5888. [Google Scholar] [CrossRef]
  25. Gulati, A.; Qin, J.; Chiu, C.; Parmar, N.; Zhang, Y.; Yu, J.; Han, W.; Wang, S.; Zhang, Z.; Wu, Y.; et al. Conformer: Convolution-augmented Transformer for Speech Recognition. Proc. Interspeech 2020, 2020, 5036–5040. [Google Scholar] [CrossRef]
  26. Giuliari, F.; Hasan, I.; Cristani, M.; Galasso, F. Transformer Networks for Trajectory Forecasting. In Proceedings of the 25th International Conference on Pattern Recognition (ICPR), Milan, Italy, 10–15 January 2021. [Google Scholar]
  27. Seitz, M.J.; Dietrich, F.; Köster, G. The effect of stepping on pedestrian trajectories. Phys. A Stat. Mech. Its Appl. 2015, 421, 594–604. [Google Scholar] [CrossRef]
  28. Caramuta, C.; Collodel, G.; Giacomini, C.; Gruden, C.; Longo, G.; Piccolotto, P. Survey of detection techniques, mathematical models and simulation software in pedestrian dynamics. Transp. Res. Procedia 2017, 25, 551–567. [Google Scholar] [CrossRef] [Green Version]
  29. Boltes, M.; Seyfried, A. Collecting pedestrian trajectories. Neurocomputing 2013, 100, 127–133. [Google Scholar] [CrossRef]
  30. Gruden, C.; Campisi, T.; Canale, A.; Tesoriere, G.; Sraml, M. A cross-study on video data gathering and microsimulation techniques to estimate pedestrian safety level in a confined space. IOP Conf. Ser. Mater. Sci. Eng. 2019, 603, 042008. [Google Scholar] [CrossRef]
  31. Ma, W.C.; Huang, D.A.; Lee, N.; Kitani, K.M. Forecasting interactive dynamics of pedestrians with fictitious play. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  32. Kosaraju, V.; Sadeghian, A.; Martin, R.; Reid, I.; Rezatofighi, H.; Savarese, S. Social-bigat: Multimodal trajectory forecasting using bicycle-gan and graph attention networks. arXiv 2019, arXiv:1907.03395. [Google Scholar]
  33. Salzmann, T.; Ivanovic, B.; Chakravarty, P.; Pavone, M. Trajectron++: Multi-agent generative trajectory forecasting with heterogeneous data for control. In Proceedings of the Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 16–18 June 2020. [Google Scholar]
  34. Parth, K.; Kreiss, S.; Alahi, A. Human trajectory forecasting in crowds: A deep learning perspective. IEEE Trans. Intell. Transp. Syst. 2021. [Google Scholar] [CrossRef]
  35. Xue, H.; Huynh, D.Q.; Reynolds, M. A location-velocity-temporal attention LSTM model for pedestrian trajectory prediction. IEEE Access 2020, 8, 44576–44589. [Google Scholar] [CrossRef]
  36. Yu, C.; Ma, X.; Ren, J.; Zhao, H.; Yi, S. Spatio-temporal graph transformer networks for pedestrian trajectory prediction. In Proceedings of the European Conference on Computer Vision, Virtual. 23–28 August 2020. [Google Scholar]
  37. Xu, Y.; Piao, Z.; Gao, S. Encoding Crowd Interaction with Deep Neural Network for Pedestrian Trajectory Prediction. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–22 June 2018. [Google Scholar]
  38. Yi, S.; Li, H.; Wang, X. Understanding Pedestrian Behaviors from Stationary Crowd Groups. In Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015. [Google Scholar]
  39. Glorot, X.; Bordes, A.; Bengio, Y. Deep Sparse Rectifier Neural Networks. In Proceedings of the International Conference on Artificial Intelligence and Statistics (AISTATS), Ft. Lauderdale, FL, USA, 11–13 April 2011. [Google Scholar]
  40. 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 2009 IEEE 12th International Conference, Kyoto, Japan, 27 September–4 October 2009; pp. 261–268. [Google Scholar]
  41. Lerner, A.; Chrysanthou, Y.; Lischinski, D. Crowds by example. In Computer Graphics Forum; Wiley: Hoboken, NJ, USA, 2007; Volume 26, pp. 655–664. [Google Scholar]
Figure 1. (a) The architecture of the overall framework of the proposed approach for pedestrian trajectory prediction. The framework is a transformer-based network assisted with random deviation queries and a classify branch to enhance performance. The observed pedestrian positions are fed to the network, and the network predicts the future trajectory. (b) The detail information of the encoder and decoder in the transformer.
Figure 1. (a) The architecture of the overall framework of the proposed approach for pedestrian trajectory prediction. The framework is a transformer-based network assisted with random deviation queries and a classify branch to enhance performance. The observed pedestrian positions are fed to the network, and the network predicts the future trajectory. (b) The detail information of the encoder and decoder in the transformer.
Ijgi 11 00044 g001
Figure 2. Qualitative comparison between the proposed method with TF predicting trajectories. The results are shown on Zara1 dataset. The first 3 rows show examples where the proposed method successfully predicts the trajectories with small errors. The last row shows some suboptimal cases, e.g., a person took a linear path. Even so, the proposed method predicts a plausible path.
Figure 2. Qualitative comparison between the proposed method with TF predicting trajectories. The results are shown on Zara1 dataset. The first 3 rows show examples where the proposed method successfully predicts the trajectories with small errors. The last row shows some suboptimal cases, e.g., a person took a linear path. Even so, the proposed method predicts a plausible path.
Ijgi 11 00044 g002
Figure 3. Results comparison of average ADE (left) and FDE (right) on different numbers of layers N b . With the increase of blocks, ADE and FDE gradually decreased. ADE and FDE tend to be stable when N b increases to 6. Thus, considering the balance between performance and computation, the number of blocks layers is set to 6 in the modular transformer.
Figure 3. Results comparison of average ADE (left) and FDE (right) on different numbers of layers N b . With the increase of blocks, ADE and FDE gradually decreased. ADE and FDE tend to be stable when N b increases to 6. Thus, considering the balance between performance and computation, the number of blocks layers is set to 6 in the modular transformer.
Ijgi 11 00044 g003
Figure 4. Results comparison of average ADE (left) and FDE (right) on different values of the key parameter λ . With the increase of λ , the performance keeps getting better steadily until up to 50 when starts to deteriorate. λ is set as 50, which is often sufficient to achieve very good results on pedestrian forecasting.
Figure 4. Results comparison of average ADE (left) and FDE (right) on different values of the key parameter λ . With the increase of λ , the performance keeps getting better steadily until up to 50 when starts to deteriorate. λ is set as 50, which is often sufficient to achieve very good results on pedestrian forecasting.
Ijgi 11 00044 g004
Figure 5. Results comparison of average ADE (left) and FDE (right) on different accuracy discrimination distance A D D . When A D D is 0.3, the network can achieve better performance, so A D D is set to 0.3.
Figure 5. Results comparison of average ADE (left) and FDE (right) on different accuracy discrimination distance A D D . When A D D is 0.3, the network can achieve better performance, so A D D is set to 0.3.
Ijgi 11 00044 g005
Table 1. Related mathematical symbols and their representation.
Table 1. Related mathematical symbols and their representation.
SymbolRepresentation
ttime stamp (frame)
Ntotal number of pedestrians
P i the trajectory of a pedestrian ( i [ 1 , N ] )
t s , t e the start time stamp and end time stamp
T i t s : t e the trajectory of a pedestrian P i ( i [ 1 , N ] ) from t s to t e
p i t = ( x i t , y i t ) the spatial location of P i
T o b s observed trajectory
T ^ p r e predicted trajectory
T g t ground truth future trajectories
D o b s displacement vector
W i weights matrix
E o b s ( i , t ) input embedding data
P t temporal position embedding
e o b s ( i , t ) spatial trajectory embedding
Qquery embedding inputs
Kkey embedding inputs
Vvalue embedding inputs
W i Q , W i K , W i V , W O weight matrices in queries, keys, values, and output
Table 2. Result comparison with the state of the art methods on ETH and UCY datasets following the single trajectory deterministic protocol. The social-based and individual-based methods are shown in the top and bottom parts of the table, respectively. We achieve the best performance in the individual version.
Table 2. Result comparison with the state of the art methods on ETH and UCY datasets following the single trajectory deterministic protocol. The social-based and individual-based methods are shown in the top and bottom parts of the table, respectively. We achieve the best performance in the individual version.
MethodPerformance (ADE/FDE)
ETHHotelUCY Zara1Zara2Average
SGAN [14]1.13/2.211.01/2.180.60/1.280.42/0.910.52/1.110.74/1.54
Social LSTM citeSgan181.09/2.350.79/1.760.67/1.400.47/1.000.56/1.170.72/1.54
S-Attention [32]0.39/3.740.29/2.640.20/0.520.30/2.130.33/3.920.30/2.35
Trajectron++ [33]0.50/1.190.24/0.590.36/0.890.29/0.720.27/0.670.34/0.84
LSTM [14]1.09/2.940.86/1.910.61/1.310.41/0.880.52/1.110.70/1.62
TF [26]1.03/2.100.36/0.710.53/1.320.44/1.000.34/0.760.54/1.17
Ours0.98/2.000.33/0.650.53/1.160.40/0.880.31/0.680.51/1.07
Table 3. Result comparison with the state of the art methods on ETH and UCY datasets following the best-of-20 protocol. The social-based and individual-based methods are shown in the top and bottom parts of the table, respectively. We achieve the best performance in the ADE and FDE on the Hotel dataset and FDE on Zara2, compared with the social-based and individual-based approaches.
Table 3. Result comparison with the state of the art methods on ETH and UCY datasets following the best-of-20 protocol. The social-based and individual-based methods are shown in the top and bottom parts of the table, respectively. We achieve the best performance in the ADE and FDE on the Hotel dataset and FDE on Zara2, compared with the social-based and individual-based approaches.
MethodPerformance (ADE/FDE)
ETHHotelUCYZara1Zara2Average
SGAN [14]0.87/1.620.67/1.370.76/1.520.35/0.680.42/0.840.61/1.21
Sophie [11]0.70/1.430.76/1.670.54/1.240.30/0.630.38/0.780.54/1.15
Social-bigat [32]0.69/1.290.49/1.010.55/1.320.30/0.620.36/0.750.48/1.00
Trajectron++ [33]0.35/0.770.18/0.380.22/0.480.14/0.280.14/0.300.21/0.45
SGAN-ind [14]0.81/1.520.72/1.610.60/1.260.34/0.690.42/0.840.58/1.18
TF [26]0.61/1.120.18/0.300.35/0.650.22/0.380.17/0.320.31/0.55
Ours0.49/0.820.17/0.270.34/0.610.22/0.380.13/0.300.27/0.48
Table 4. Result comparison on ETH and UCY datasets with different numbers of blocks N b in encoder-decoder architecture. Considering the balance between performance and computation, the number of blocks layers is set to 6 in the modular transformer.
Table 4. Result comparison on ETH and UCY datasets with different numbers of blocks N b in encoder-decoder architecture. Considering the balance between performance and computation, the number of blocks layers is set to 6 in the modular transformer.
N b Performance (ADE/FDE)
ETHHotelUCYZara1Zara2Average
21.021/2.0920.336/0.6450.554/1.2240.418/0.9270.329/0.7460.532/1.127
41.023/2.1210.348/0.6680.543/1.1990.414/0.9160.321/0.7170.530/1.125
60.987/2.0050.337/0.6500.537/1.1680.404/0.8860.311/0.6880.515/1.079
80.976/1.9530.338/0.6540.535/1.1560.408/0.8980.314/0.6870.514/1.070
100.981/1.9160.316/0.5930.540/1.1640.406/0.8860.321/0.7110.513/1.054
Table 5. Result comparison on ETH and UCY datasets with different values of the key parameter λ , which is used to keep the balance of the loss functions. λ is set to 50 in training.
Table 5. Result comparison on ETH and UCY datasets with different values of the key parameter λ , which is used to keep the balance of the loss functions. λ is set to 50 in training.
λ Performance (ADE/FDE)
ETHHotelUCYZara1Zara2AverageADE + FDE
11.021/2.0050.380/0.7880.536/1.1610.429/0.9220.316/0.7040.536/1.1161.64
101.016/2.1130.342/0.6600.531/1.1530.406/0.8850.313/0.6860.522/1.1001.62
300.991/2.0370.352/0.6850.538/1.1760.413/0.9110.314/0.6940.521/1.1011.62
500.987/2.0050.337/0.6500.537/1.1680.404/0.8860.311/0.6880.515/1.0791.58
701.008/2.0830.340/0.6680.547/1.1780.423/0.9380.336/0.7320.531/1.1201.65
1001.038/2.1780.337/0.6610.570/1.2190.427/0.9400.323/0.7120.539/1.1421.67
Table 6. Result comparison on ETH and UCY datasets with different Accuracy Discrimination Distance ADD. The threshold of ADD is set as 0.3 to pursue the best performance in average ADE and FDE.
Table 6. Result comparison on ETH and UCY datasets with different Accuracy Discrimination Distance ADD. The threshold of ADD is set as 0.3 to pursue the best performance in average ADE and FDE.
ADDPerformance (ADE/FDE)
ETHHotelUCYZara1Zara2Average
0.011.029/2.0990.350/0.6980.532/1.1580.464/1.0280.329/0.7210.541/1.141
0.031.007/2.0400.344/0.6790.538/1.1780.471/1.0310.315/0.6960.535/1.125
0.051.036/2.0970.374/0.7700.533/1.1710.400/0.8780.332/0.7380.535/1.131
0.11.002/2.0160.358/0.7020.527/1.1480.402/0.8800.319/0.6970.522/1.089
0.30.987/2.0050.337/0.6500.537/1.1680.404/0.8860.311/0.6880.515/1.079
0.50.998/2.0240.337/0.6510.540/1.1740.405/0.8880.321/0.7210.520/1.092
0.71.037/2.1530.332/0.6460.581/1.2370.410/0.9050.330/0.7400.538/1.136
11.033/2.1410.346/0.6770.569/1.2460.413/0.9170.325/0.7260.537/1.141
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Yao, H.-Y.; Wan, W.-G.; Li, X. End-to-End Pedestrian Trajectory Forecasting with Transformer Network. ISPRS Int. J. Geo-Inf. 2022, 11, 44. https://doi.org/10.3390/ijgi11010044

AMA Style

Yao H-Y, Wan W-G, Li X. End-to-End Pedestrian Trajectory Forecasting with Transformer Network. ISPRS International Journal of Geo-Information. 2022; 11(1):44. https://doi.org/10.3390/ijgi11010044

Chicago/Turabian Style

Yao, Hai-Yan, Wang-Gen Wan, and Xiang Li. 2022. "End-to-End Pedestrian Trajectory Forecasting with Transformer Network" ISPRS International Journal of Geo-Information 11, no. 1: 44. https://doi.org/10.3390/ijgi11010044

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