Next Article in Journal
Modelling Place Visit Probability Sequences during Trajectory Data Gaps Based on Movement History
Next Article in Special Issue
A Mechanistic Data-Driven Approach to Synthesize Human Mobility Considering the Spatial, Temporal, and Social Dimensions Together
Previous Article in Journal
A Trajectory Privacy Protection Method Based on Random Sampling Differential Privacy
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Pedestrian Flow Prediction in Open Public Places Using Graph Convolutional Network

1
Faculty of Geographical Science, Beijing Normal University, Beijing 100875, China
2
State Key Laboratory of Earth Surface Processes & Resource Ecology, Beijing Normal University, Beijing 100875, China
3
Safety & Emergency Management Lab, Beijing Municipal Institute of Labor Protection, Beijing 100054, China
*
Author to whom correspondence should be addressed.
ISPRS Int. J. Geo-Inf. 2021, 10(7), 455; https://doi.org/10.3390/ijgi10070455
Submission received: 12 May 2021 / Revised: 25 June 2021 / Accepted: 1 July 2021 / Published: 2 July 2021

Abstract

:
Open public places, such as pedestrian streets, parks, and squares, are vulnerable when the pedestrians thronged into the sidewalks. The crowd count changes dynamically over time with various external factors, such as surroundings, weekends, and peak hours, so it is essential to predict the accurate and timely crowd count. To address this issue, this study introduces graph convolutional network (GCN), a network-based model, to predict the crowd flow in a walking street. Compared with other grid-based methods, the model is capable of directly processing road network graphs. Experiments show the GCN model and its extension STGCN consistently and significantly outperform other five baseline models, namely HA, ARIMA, SVM, CNN and LSTM, in terms of R M S E , M A E and R2. Considering the computation efficiency, the standard GCN model was selected to predict the crowd. The results showed that the model obtains superior performances with higher prediction precision on weekends and peak hours, of which R2 are above 0.9, indicating the GCN model can capture the pedestrian features in the road network effectively, especially during the periods with massive crowds. The results will provide practical references for city managers to alleviate road congestion and help pedestrians make smarter planning and save travel time.

1. Introduction

With the ever-enriching city lives, open public places, such as pedestrian streets, commercial streets, parks, and squares, have gradually become an important part of people’s lives [1]. These open places, without definite space boundary, are likely to cause overcrowding with the inrush of massive pedestrians in a short period, which could arise evacuation problems, leading to the occurrence of stampedes [2,3]. In stampedes, a huge crowd obstructs each other and people are crushed by the shock waves building up in the crowd, which may incur clogging effects at bottlenecks. The people who lose their balance and fall down become obstacles for others, which can produce piles of fallen people [4]. Therefore, it is a great concern to understand the dynamics of pedestrian flow in open public places. It can not only help city managers implement prevention strategies to alleviate road congestion, but also provide useful information for travelers to choose appropriate travel routes and improve travel efficiency.
The definition of pedestrian flow prediction can be considered as follows. Given a sequence of observed flow data in the road network, the task is to predict the pedestrian flow in the next moments [5,6,7,8]. The pedestrian can be affected by miscellaneous factors which pose great challenges to pedestrian prediction [9,10]. From the temporal dependencies, the crowd flow always repeats over time, such as weekends and weekdays and the rush hours in the day. Concerning the spatial dependencies, the flow in a region is similar and relevant with its neighborhood rather than the far regions. Besides, the weather condition has an influence on the pedestrian features [11].
There are three kinds of forecasting methods in existing research, namely traditional statistical model, machine learning-based model and deep learning-base model. In the early stages, classic forecasting approaches were mainly based on the assumption of linearity and stationarity to infer future pedestrian trends [12,13,14,15,16]. The models consider the dynamic change of historical data and extract the crowd features for the prediction task, and require large efforts on parameter inference, which may result in lower prediction accuracy and efficiency. Serval non-linear prediction models in the artificial intelligence field, such as Gaussian maximum likelihood model [17], Bayesian networks [18], decision trees [19,20], support vector machines (SVM) [21,22] and neural networks [23,24,25,26], have shown the great application prospect and received wide popularity in the field of crowd flow prediction. The machine learning-based models discover complex non-linearities in data and outperformed the traditional methods with a lower error rate and higher accuracy rate. Despite the above methods have produced compelling results, it remains unsatisfactory for the rapid development of intelligent transportation systems in practice. Recently, deep learning has made groundbreaking progress on classification tasks, pattern recognition, and natural language processing [27]. Due to its high computational efficiency and interpretability, deep learning models, such as convolutional neural network (CNN) [28,29,30,31,32] and recurrent neural network (RNN) [33,34,35,36], have been applied widely to capture the crowd flow features with a squared tessellation of tiles.
However, the above methods by assuming a convolution filter in the form of a grid structure and ignore modeling the physical roadway network topological structures. In the real world, the road network cannot be regarded as a regular gridded structure [37,38,39]. With the powerful ability to capture the spatio-temporal features of graph-structured data, graph convolutional network (GCN) and its extensions have been widely applied to prediction tasks [40,41,42,43,44,45,46]. By constructing the road network as a graph and aggerating the features of neighborhood, the GCN model can capture characteristics of the crowd data in the deep layer among the irregular regions. Many researchers used the trajectories of bicycle sharing [47,48], mobile phone positioning data [49,50], taxi GPS records data [51,52], or the number of passengers on public transportation systems (e.g., metro, railway or airport) [53,54,55,56,57] to predict the crowd flow in a city. It is relatively scarce on the pedestrian in open public spaces.
In this study, we introduce the GCN model to predict the pedestrian flow in a walking street in Shenzhen metropolitan area. The GCN model can handle the issues that CNN cannot be applied to graph structures of the road network. The graph is built based on the existed road structures to capture the spatial dependency of the crowd by calculating the coefficient between nodes. We further compare the GCN model with baseline methods to validate the performance of pedestrian flow prediction. The experiments show that the GCN model improves the prediction precision and decreased the prediction error. The accurate and timely pedestrian flow prediction results can help managers to take precautions in advance and ensure the public safety, which is beneficial for building a smart city. Since the pedestrian flow could be impacted by temporal dependencies and other factors, we conduct the sensitive analysis of the GCN model with the consideration of these related factors such as weekends and weekdays, the rush hours in the day and the weather conditions. It is found that the model has the ability to capture pedestrian congestion peaks with high accuracy. Understanding the dynamic of pedestrian flow can be beneficial for crowd control systems to manage and direct the optimal detours in advance.
The main contributions of this paper are as follows:
(1)
We employ the GCN model to predict the pedestrian flow. The graph-structure-based deep learning model, in which the detectors are regarded as nodes, and edges represent the relationship of the road network, can capture the complex topological dependency. Moreover, we assign different weights to road segments to identify the influence of road network structure to capture the spatial dependencies.
(2)
We compare the GCN model with baseline methods selected from the existing methods to validate the performance of pedestrian flow prediction in terms of three evaluation metrics. The experimental effectiveness of the GCN model show that proper integration of the road topology could considerably improve the pedestrian flow prediction precision in real-world applications.
(3)
We further conduct comparative experiments of pedestrian flow prediction between weekdays and weekends, and different hours during the day to capture the temporary dependencies. Sensitive analysis on the effect of weather conditions is also conducted. The robustness of the GCN model to predict the pedestrian flow would help practitioners and managers to improve road efficiency.
The remainder of this paper is organized as follows. Section 2 details the study area and the data preprocessing procedures. The detail of the GCN model is also formulated in this section. Section 3 shows the experimental results. Section 4 discusses the advantage and sensitivity of the model. The conclusions are presented in Section 5.

2. Materials and Methods

2.1. Study Area

This study predicts the pedestrian flow in an open public place in the city of Shenzhen. Shenzhen, being a vice-provincial level city of the Pearl River Delta, was designated as the first special economic zone in China on 26 August 1980 and has gradually become a pioneer international metropolitan area following the Reform and Open-up policy over the past 40 years. As one of the cities with the most economic viability and the fastest population growth in China, the gross domestic product of Shenzhen was 2692.7 billion RMB in 2019 and the population was 13.44 million and ranked third among all cities in China. It includes 10 administrative districts with an area of 1997.47 km2. In the downtown areas of Shenzhen, known as the Nanshan, Futian and Luohu districts, the population density is above 20 thousand people per kilometer.
The Dongmen walking street, located in the center of Luohu district and covering an area of 176 thousand square meters, is a time-honored and large-scale commercial area in the city of Shenzhen. As an open place with various public service functions of shopping, leisure and tourism, the Dongmen walking street is bustling with a large crowd of travelers during the peak hours. On a typical holiday, the crowd count can easily reach 300 thousand per day. For example, on 25 May 2014, a suspected man with mental disease ran away in a shopping mall after overthrowing the display shelves. The man ran and yelled, causing the pedestrian around to flee disorderly, which led dozens of people to suffer minor injuries before the security officers caught him. As a result, many retail shops on the prosperous commercial district were closed on weekends [58]. Thus, there has been a considerable safety concern and need for pedestrian flow prediction and management in this area.
As shown in Figure 1, the road network in this area is rather complex and contains many junctions. There are several office buildings and hotels in the southern of the walking street, where the flow is steady and risk-free of overcrowding. Comparing to the south areas, the northern regions are a mass of shopping malls, recreation facilities, snack bars and tourist sites, which attract a large number of visitors to sightsee. The high crowd counts in these areas are likely to induce the occurrence of stampedes. Taking this phenomenon into consideration, the landmarks along the main road and the crossroads in the north were considered to be the optimal locations to deploy the camera detectors. The metro stations and bus stops in the study area were also regarded as the installation locations, such as detector 1 and 25. Consequently, 25 camera detectors, denoted as 1, 2, …, 25, were equipped along the roads to catch the dynamic distribution of pedestrian.

2.2. Pedestrian Flow Data

The pedestrian flow data describes the pedestrian volume changes over time on each detector, denoted as the number of pedestrians within the definite monitoring area. During the study period from July 1 to September 30, 2020, we collect the pedestrian flow data with an interval of 1 min. Examples of the pedestrian flow records at the junctions (i.e., detectors 6, 8, 16, 21 and 24) are shown in Table 1.
Since the detectors covered different monitoring areas along the roads, the crowd count of each detector was normalized by dividing the monitoring area, as the number of pedestrians per 100 square meters. Figure 2 presents the variation of crowd count at the junctions and the average count of all the detectors, from 1 to 14 July 2020. It can be observed that the pedestrian flow has a marked periodicity during a week. Besides, there are more pedestrians thronged into the walking street on weekends (4 July 2020, 5 July 2020, 11 July 2020, and 12 July 2020) compared with the crowd count on weekdays.
To determine the optimal periodicity of the pedestrian flow rationally, we further calculate the relationship between phase difference and autocorrelation coefficient. The results are shown in Figure 2f. The correlation coefficient is strongest based on the cycle of a week, whose value is 0.918. Besides, the pedestrian flow has a slightly periodicity on a daily basis. It can be found that the crowd shows the similar pattern from day to day when ignoring the difference of weekends. The correlation during an hour is second to the week periodicity, because of the pedestrian flow with the strong temporary dependencies. Therefore, the input sequence length is set to 60 in our experiments, which means we use the historical flow data in the past hour to predict the pedestrian flow in the next moments.

2.3. Methodology

The goal of pedestrian flow prediction is to forecast the pedestrian count on next T moments ( X ^ t + 1 , , X ^ t + T ) given previously collected T moments data ( X t T + 1 , , X t ) from correlated detectors on the road network, as shown in Equation (1):
[ ( X t T + 1 , , X t ) ; A ] f ( · ) [ X ^ t + 1 , , X ^ t + T ]
where A is a weighted adjacency matrix representing the road network structure, and f ( · ) is a mapping function from input to output to be learned.

2.3.1. The GCN Model for Pedestrian Flow Prediction

Before being put into the GCN model, the pedestrian flow data were grouped into two sets, the feature sets and the label sets. The feature set is used to predict the pedestrian flow in the next moments, while the label set is preserved for the validation of the model results. Besides, we built the road network graph based on the topological structure derived from Figure 1, that the road distance between each pair of nodes, represented as the detectors in this study. The adjacency matrix is constructed using a threshold Gaussian kernel weighting function [59,60,61]:
A i , j = exp ( [ d i s t ( v i , v j ) ] 2 θ 2 )
A i , j = { A i , j A i , j > κ 0 A i , j κ
where A i , j is the weight between detectors v i and v j . d i s t ( v i , v j ) denotes the distance between detectors v i and v j , and θ represents the standard deviation of distances. κ is the threshold to determine the connection.
We use the adjacency matrix A to represent the graph. A normalized graph Laplacian matrix L s y s is defined as:
L s y s = D 1 2 L D 1 2 = I N D 1 2 A D 1 2
where L is the laplacian matrix, and I N is the identify matrix. D = j A i j is the degree matrix, and a spectral normalization is applied to the adjacency matrix by the inverse of the degree matrix ( D 1 2 A D 1 2 ).
Graph neural network was presented by Gori et al. [62] as the extension of recursive neural network by capturing neighboring spatial correlation, which needs to compute the eigenvectors of the Laplacian by repeated iteration until the nodes’ feature converge to a stable value. Hammond et al. [63] designed a framework with fast localized convolutions. This network captures the nodes’ feature on the k th-order neighborhood by stacking multiple graph convolutional layers. The polynomial parametrization for localized filters can be written as:
g θ = g θ ( Λ ) k = 0 K 1 θ k T k ( Λ ˜ )
Λ ˜ = 2 Λ λ m a x I N
where g θ is a filter in the Fourier domain, and θ k is the polynomial coefficients. λ m a x represents the largest eigenvalue of the laplacian matrix.
Defferrard et al. [64] further used Chebyshev polynomial to reduce the computational complexity, named Chebyshev Graph Convolution. The Chebyshev polynomial T k ( x ) of order k is defined as follows:
T k ( x ) = 2 x T k 1 ( x ) T k 2 ( x )
where T 0 ( x ) = 1 , T 1 ( x ) = x .
Kipf and Welling [65] simplified the Chebyshev Graph Convolution by limiting the layers-wise convolution operation to k = 1, which means the central node is only determined by the nodes on its 1st-order neighborhood. This is the prototype of the graph convolutional networks (GCN) model. The simple form of layer-wise propagation of the GCN model is as shown in Equation (8):
H ( l + 1 ) = σ ( D ˜ 1 2 A ˜ D ˜ 1 2 H ( l ) W ( l ) )
where A ˜ = A + I N represents the graph structure, calculated by adding the adjacency matrix A to the identity matrix I N , so it can transfer both the node’s features and the features of its neighbor nodes. D ˜ i i = j A ˜ i j is the degree matrix. And a spectral normalization is applied to the adjacency matrix by the inverse of the degree matrix ( D ˜ 1 2 A ˜ D ˜ 1 2 ). H ( l ) represents the output matrix and the initial layer is set to H ( 0 ) = X . W ( l ) denotes trainable weight matrix in the l th layer. σ ( · ) is the activation function such as a rectified linear unit (ReLU). A feature matrix X and an adjacency matrix A are fed to GCN as input, and the model computes the features of nodes by multiple hidden layers.
The segmentation of the pedestrian flow data and the architecture of the GCN model is depicted in Figure 3. Note that the pedestrian flow data of all 25 detectors at time t is denoted by X t = ( x t 1 ,   x t 2 , ,     x t 25 ) , t = 1 ,   2 , ,   N 1 ,   N , where N is the length of the observed time interval. The T moments data were grouped as the feature, and the following T moments data as the label, continuously. Then the feature sets and the adjacency matrix were input in the GCN architecture. The model performance can be evaluated by comparing the label sets and the model output, denoted as prediction sets.
In our experiment, we stack two convolutional layers for pedestrian flow prediction given a weighted adjacency matrix A, as shown in Equation (9):
f ( X , A ) = R e L U ( A ^   R e L U ( A ^ X W ( 0 ) ) W ( 1 ) )
where A ^ = D ˜ 1 2 A ˜ D ˜ 1 2 , and R e L U ( · ) = max ( 0 ,   · ) denotes an activation function. W ( 0 ) R T × H is an input-to-hidden weight matrix, and W ( 1 ) R H × T is a hidden-to-output weight matrix.
The model is operated by applying the Adam optimizer. Mean square error function is employed as the loss function of the model for predict pedestrian flow in open public places, which is formulated as:
L o s s = i = 1 N ( y i y ^ i ) 2

2.3.2. Evaluation Metrics

There are three metrics selected as basic measures to evaluate the model performances.
(1) Root mean square error:
R M S E = 1 N i = 1 N ( y i y ^ i ) 2
(2) Mean absolute error:
M A E = 1 N i = 1 N | y i y ^ i |
(3) Coefficient of determination:
R 2 = 1 i = 1 N ( y i y ^ i ) 2 i = 1 N ( y i y ¯ ) 2
where Y = y 1 , , y N and Y ^ = y ^ 1 , , y ^ N are the ground truth pedestrian flow and predicted one, and y ¯ is the average of Y . N represents the number of the samples for prediction.
R M S E and M A E measure the difference between ground-truth flow and predicted pedestrian flow. The smaller the value of R M S E and M A E are, and the closer the predicted values to the truth one. R 2 is a measure of how well the collected data explained by the forecasting model. The larger the value of R 2 , the better the prediction effect.
In our experiment, 80% of the data were used for the training process, and 20% of the data were reserved for testing and validation. The descriptive analyses of the two sub-groups, namely training and testing data, were summarized in Table 2.
The mean values of training and testing data are 6.179 and 6.138, respectively, while the standard deviation values are 9.725 and 9.648, respectively. There are almost the same. The minimum, lower quartile and median values have also little difference, and the upper quartile and maximum values of testing data are greater than training data. From the mean and median values, we can easily find the collected data are concentrated in the low-value region. The difference in the high-value indices, namely upper quartile and maximum, are not dominant. Therefore, we can consider there is no obvious difference between the training and testing data, indicating the available data are sampled randomly. The model would avoid lose information by training only a subset of the pedestrian flow data. It could prove the robustness of the model.
We take prediction loss (Equation (10)) to measure the precision of the model. To illustrate the efficiency of the model, we also apply the computational time, the run time required to repeat 1000 epochs, to evaluate the model performances. All of our experiments were implemented under a computing environment with Intel(R) Core (TM) i7 CPU 870 @ 2.93 GHz with 8 GB RAM and NVIDIA GeForce GT 420 (1024 MB) GPU. The operating system and software platform are Windows 10 and Python 3.6. All the models are conducted with the open source frameworks, including scikit-learn (0.23.2 version), Keras (2.1.5 version), torch (1.5.0 version).

3. Results

3.1. Hyperparameter Settings of the GCN Model

The input and output sequence lengths were set to 60 min and 1 min respectively, and the number of hidden units was 32. To compute the adjacency matrix and identify the effect of κ (Equation (3)) on the GCN model, we design the validation experiments for estimation accuracy with κ [ 0 ,   0.05 ,   0.1 ,   0.15 ,   0.2 ,   0.25 ] [66], and the results are summarized in Figure 4. The horizontal axis denotes the change of κ and the vertical is the value of different metrics.
Figure 5a shows the changes in prediction loss, run time on the train set. It is found that κ does not significantly influence the computational time of the model. The values of training time rise and fall within a narrow range between 48 min and 50 min under different thresholds. The change of prediction loss is significant, which is different from run time. When κ is small, the training loss gradually decreases with the increase of the threshold. When the value of κ increases to 0.1, the sharp increase in prediction loss overwhelms the slight decrease in run time. Figure 5b presents the changes of evaluation metrics under different κ on the train set. From the figure, it is obvious that the values of R M S E augment when the threshold is larger than 0.15. There are slight oscillations in the change of M A E , and the values are all about 1.555. It is distinct that the threshold does not significantly influence the value of R 2 of estimated pedestrian flow. Figure 5c is the changes in prediction loss, computational time on the test set. The values of run time show a tiny fluctuation under different thresholds. The change of prediction loss is totally different with computational time. When the threshold is larger than 0.15, the test loss increases sharply with the augment of κ , meaning the decrease of model performance. Figure 5d depicts the changes of metrics on the test set, which presents the approximate trend with the train set.
According to the findings in Figure 5, we notice that the accuracy of the model can be improved by a moderate adjustment of the parameter of κ . More specifically, when κ is set to 0, the adjacency matrix is computed by all neighboring detectors, prediction accuracy is constraint by the repetitive computation. As the threshold increases, some nodes located far away from the center are excluded, leading to improvement in prediction efficiency and performance. Nonetheless, when the value of κ is larger than 0.1, those detectors with the strong relationships are also ignored, so the model performance starts to decrease. Therefore, the results reach the optimal condition when the value is 0.1.
Table 3 shows the adjacency matrix of 25 detectors, along with the road distance used for calculating the connection between each pair of nodes the strength of the relationship. It is noteworthy that the strong correlations are obtained when the distances between two detectors are close, such as the detectors 2 and 3. When the connection is weak than the threshold of 0.1, the adjacency matrix is set to 0 because they are too far away, such as the detectors 4 and 8.

3.2. Comparative Experiments of Different Models

3.2.1. Baseline Models

Six baseline models selected from three kinds of existing models are used for pedestrian flow prediction to compare with the performance of the standard GCN model.
(1)
Historical average (HA) [12]: It simply employs the average of previous periods as the prediction.
(2)
Autoregressive integrated moving average (ARIMA) [14]: It predicts the future trend of time series data.
(3)
Support vector machine (SVM) [21]: It uses a kernel function for the prediction task.
(4)
Convolutional neural network (CNN) [29]: It handles the traffic data by constraining the grid-structure.
(5)
Long short term memory (LSTM) [34]: It is a recurrent neural network (RNN) based model to capture temporal dependencies for traffic prediction.
(6)
Spatio-temporal graph convolutional networks (STGCN) [40]: It is a deep learning framework for traffic forecasting, solving the problem on graphs and build the model with complete convolutional structures.

3.2.2. Experimental Results

We conduct a quantitative evaluation of the GCN and six baseline models over the collected pedestrian flow and compare the changes of metrics results to validate the performance of the model. We choose the value of output sequence length from [1, 5, 10, 15, 20, 25, 30] [57,66,67,68,69], and other simulation configurations are identical to the settings in the previous section to conduct the comparative experiments. The results are shown in Table 4.
The values of metrics achieving the best performances are defined as the lowest of prediction error ( R M S E and M A E ) and the highest of prediction precision ( R 2 ). It can be observed that the STGCN and GCN models consistently and significantly outperform the other baseline models in terms of three evaluation metrics for all output sequence length, and the prediction error increases and effectiveness decreases when adding the value of output sequence length. For 1 min pedestrian flow prediction, the HA model has the poorest results, of which R M S E and R 2 are 3.47 and 0.872 respectively, proving it is not good at capturing the pedestrian volume in a short time. When the output sequence length increases, the HA model outperforms the ARIMA and SVM model. It is worth pointing out that the SVM model has a satisfactory performance in forecasting the short sequence length, for example, the R 2 is 0.887 in 1 min and 0.874 in 5 min. However, the model efficiency drops rapidly when the augment of prediction length, mainly because it has difficulty in capturing the irregular and long-term data. Especially, R 2 is lower than 0.8 when the value of output sequence length is larger than 20 min. The ARIMA, CNN and LSTM model perform the crowd count prediction task with relatively good results, while the deep learning-based model such as CNN and LSTM outperforms slightly than the ARIMA model due to its high interpretability efficiency. The GCN model and its extension achieve the best performance with satisfactory results and improves the value of R 2 above 0.9 under 30 min output length, which demonstrates the superiority of capturing the pedestrian characteristics of road network structures.
The GCN and STGCN model can effectively utilize the graph structure to obtain the accurate results. Concerning the operational efficiency, we also compare the computation time between these two models for 1 min prediction task. The standard GCN model only consumes 48.995 min, while STGCN spends 92.047 min. The 2 times acceleration of running time benefits from the graph features rather than the double spatio-temporal convolutional blocks. Considering both prediction accuracy and computation efficiency, we determined the GCN model to be relatively suitable for forecasting the pedestrian flow in this study.

4. Discussion

4.1. The Advantage of the GCN Model for Pedestrian Flow Prediction

Pedestrian flow spontaneously resides in the network topological structure of the road, and the network structure might fundamentally influence the distribution patterns of the crowd. The pedestrian flow of the road segments has a geographical association with the road which is connected. Road network-based prediction task is determined by not only the features of that road segment, but also the features of its neighbors. Normally, the stronger the relationship of the road junction is, the more people move from one junction to another. The distances between pairwise detectors were employed to describe this relationship. The crowd is most likely to move towards its neighborhood instead of the faraway places. The existing methods in pedestrian flow prediction lose sight of the topological structure of the road. Compared with other methods assuming the convolution filter as the grid structure, the GCN model is competent to capture the graph structure. The model, in which the detectors are regarded as nodes, and edges represent the relationship of the road network, can capture the pedestrian flow characteristics hidden in the topological structure. In order to identify the influence of road network structure, we employed the adjacent matrix by assigning different weights to road segments. The experimental effectiveness of the GCN model to capture the spatial dependencies was validated in terms of three prediction evaluation metrics. The lower error and higher accuracy rate of the model show that proper integration of the road topology could considerably improve the pedestrian flow prediction precision in real-world applications. To further illustrate the better and robust performance of the GCN model, we conducted comparative experiments of pedestrian flow prediction between weekdays and weekends, and different hours during the day to capture the temporary dependencies. We also analyzed the effect of weather conditions on the pedestrian features.

4.1.1. Comparison between Weekdays and Weekends

As presented in Figure 2, the pedestrian flow has a marked weekly periodicity pattern that the crowd count on weekends is larger than on weekdays. In this section, we measure the performances of the GCN model on weekends and weekdays respectively. Further, to have a better understanding of the prediction performance, we sample the head 200 rows of the dataset and visualize the ground-truth and predicted crowd count, as shown in Figure 5.
The values of R 2 on weekends and weekdays are all above 0.93, proving the effectiveness of the GCN model for pedestrian flow forecasting. Moreover, the weekend dataset, compared to the weekday dataset, achieves higher prediction precision in terms of R 2 . Since the pedestrian flow on weekends is much heavier than on weekdays, we can conclude that the GCN model has better prediction performances under larger flow volumes. The changes of R M S E and M A E are opposite to that of R 2 , in which the weekend dataset occurs the higher error. This is mainly because R M S E and M A E are absolute error metrics, and the greater crowd count on weekends results in a higher value of R M S E and M A E . From the visualization results, we can see that the GCN model can accurately forecast the pedestrian flow in multiple local peaks and nadirs. And the model achieves satisfying results in predicting the variation trend of pedestrian flow in comparison with the ground-truth data.

4.1.2. Comparison between Different Hours of the Day

It must be noticed that the throng in open public place changes over time, with the characteristics of the high crowd count in the afternoon and evening and the low value at midnight. To further evaluate the influence of the high or low pedestrian flow on the model performance, we compare the evaluation metrics under different hours during the day, and the results are listed in Table 5.
For the table, we can find that the values of R M S E and M A E are quite small in the early morning (from 00:00–05:59), while the values are relatively big in the afternoon. It is noteworthy that the prediction accuracy ( R 2 ) under various time intervals has no significant difference between weekdays and weekends. Specifically, no matter on weekends or weekdays, the model does not achieve satisfactory precision from 06:00 to 08:59. The value of R 2 during the evening peak (from 16:00 to 21:59) are all above 0.9, indicating the GCN model can predict the pedestrian flow accurately when there are massive travelers, which is beneficial for road managers to prevent or alleviate pedestrian congestion.
As previously mentioned, the value of crowd count has a significant impact on the value of R M S E and M A E . We depict the relationship between them in Figure 6, and further employ the scatter plot and linear regression analysis on these indices. There are a larger crowd of people thronged into the walking street in the afternoon and evening on weekends. The peak of pedestrians per 100 square meters on weekdays is about 15, while the number on weekends is above 20. On weekdays, the maximum value of R M S E and M A E occurs from 17:00 to 17:59, of which the values are 4.452 and 2.727, respectively. The peak error occurs from 15:00 to 17:59 on weekends, and the value is larger than the one on weekdays. More importantly, the slopes in the linear regression equations are positive, indicating the prediction error has a positive correlation with crowd count. The intercept on weekends is larger than the value on weekdays, reflecting the heavier pedestrian flow on weekends could lead to a higher prediction error compared to weekdays. And the fitness of regression equations are 0.9628, 0.9551, 0.9517 and 0.9506, respectively. It provides an insight that R M S E and M A E have a strong correlation with crowd count.
Therefore, the relative metric ( R 2 ) is adopted to measure the model effectiveness under different hours. We further investigate the reason why the model performances differ under various hours in the aspect of the interval distribution of datasets. The datasets of which R 2 is less than 0.8 (highlighted in bold) are selected as poor performance sets. And the remainder datasets, R 2 more than 0.8, are grouped as good performance sets. By considering the distribution characteristics of the collected ground-truth data, we partition the crowd count with an interval of 5, then calculate the proportion of the flow on the given interval. The statistical diagrams are pictured in Figure 7.
From the figure, it can be noticed that the good performance sets ( R 2 0.8 ) have a smaller proportion in the interval of from 0 to 5, where the pedestrian flow is quite low. On weekdays, about 60% of the crowd are lower than 5 in terms of good performance sets while the percent of poor performance sets is above 90%. This kind of phenomenon is more perceivable on weekends. The percentage of the two sets are 55% and 93%, respectively. More importantly, the poor performance sets reach the 99th percentile in the previous two intervals both on weekdays and weekends—that is, only 1 percent of crowd count is larger than 10. On the good performance sets, the percent of the previous two intervals account for 79% and 72% respectively on weekdays and weekends. It reaches the 99th percentile when the number of pedestrians per 100 square meters is above 50. It is concluded that the GCN model achieves a better prediction when the crowd count is high, which proves the effectiveness of the model to find the pedestrian flow peaks.

4.1.3. Comparison between Different Weather Conditions

It is known that the pedestrian flow fluctuates under various weather situations. Therefore, in this section, dealing with weather conditions data over the study period, we apply sensitive analysis to validate the model effectiveness. We used the weather and temperature data from Meteorological Bureau of Shenzhen Municipality (http://weather.sz.gov.cn/ (assessed on 1 March 2021)) and the data were obtained every day. The summary of the temperature and weather conditions is shown in Figure 8.
The temperature in the study area is stabilized during the third quarter (from 1 July 2020 to 30 September 2020). Overall, the highest and the lowest temperature are above 30 and 25 degrees Celsius respectively in most cases. From the statistical table, the cloudy weather accounted for more than half (50/92) of the study period and the temperature variation under diverse weather conditions has little difference. Comparing to the sunny days, it attracts more visitors in cloudy days. It is mainly because Shenzhen is the subtropics climate, and the cloudy days are suitable for people to travel along the road while the sunny days are too scorching heat to sightsee. Since the weather records are time-series data in every day, we embed weather features into pedestrian flow data. The time interval is 1 min in our experiment, which means the 1440 intervals share the recorded weather data in a day. We further conduct the comparative experiments under different weather conditions and the results are shown in Table 6.
Taking the mean crowd count in Figure 8 into consideration, we found that all three metrics have a positive correlation with the mean value. Specifically speaking, the heavy pedestrian flow may result in high prediction error ( R M S E and M A E ), and the model has a greater prediction precision ( R 2 ) when the flow is heavier. The model achieves the best accuracy in cloudy days, and its prediction precision is 0.947, higher than the value of R 2 in other weather conditions. R 2 is the lowest in the overcast days, whose value is still above 0.92. It validates the model’s effectiveness to predict the pedestrian flow in open public places, especially when there is a large crowd of pedestrians thronged into the walking street.

4.2. The Limitation and Prospects of the Study

There are some limitations of this study. The primary concern is that we employ the number of pedestrians within the monitoring area. As the detectors are installed on the pole by the road, the monitoring area may be blocked by the buildings or leaves, resulting in the underestimation of crowd count. Besides, we equipped 25 detectors to monitor the pedestrian in the walking street, covering the main road and crossroad but ignoring the throng in the sideway. High-density spatial sampling would capture the pedestrian features across the board. Finally, there are three dominated indices in the field of pedestrian traffic, i.e., density, speed and direction. This study concentrates on the crowd count within a definite area. It will be beneficial to improve the prediction precision considering the relationship between the three indices.
With respect to the prospects of the study, it can go in three directions. First, compared to the characteristics of vehicle flow in complying with specified roadway, the pedestrian could move freely and even change direction at any time. It would be meaningful to consider the features of pedestrian movement and construct the adjacency matrix besides the distances of pairwise detectors. In addition, the road topology is represented as a static graph in this study. The present model could be improved with an in-depth exploration of the dynamic graph based on variable matrices, further enhancing its accuracy and robustness for crowd count prediction. Finally, we applied a standard GCN model to predict the pedestrians in this study. Many GCN extensions addressing the prediction tasks are proposed to improve the computation accuracy. It is meaningful to utilize these state-of-the-art methods for practical application after decreasing the model complexity.

5. Conclusions

In this paper, we have introduced the GCN model to predict pedestrian flow in open public places. In contrast to traditional grid matrices, the model forecasts the crowd count depending on the road spatial topology relationship, and the graph is constructed to describe the relationships among detectors. Experimental results show that the GCN model consistently and significantly outperforms s baseline models, namely HA, ARIMA, SVM, CNN, LSTM and STGCN. For 1, 5, 10, 15, 20, 25, 30 min pedestrian flow prediction, the values of R 2 are 0.937, 0.928, 0.921, 0.916, 0.911, 0.906 and 0.902, respectively. We further analyze the sensitivity of the GCN model in pedestrian flow prediction. The model obtains superior performances with higher prediction precision on weekends and the precision during the evening peak is above 0.9, demonstrating the superiority of the model, especially when there is a large crowd of pedestrians thronged into the walking street.
The proliferation of various data mining technology creates unprecedented opportunities to better understand crowd distribution patterns using the collected data. The accurate prediction results help road managers take flexible and effective measures to meet the requirements for security management of open public places. More specifically, the massive crowds of pedestrians are similar to shock waves, and people may be crushed by the high pressure building up in the crowd, especially for the older, juvenile and women, who have the tendency to scream and cause psychological uneasiness, even lose their balance and fall down. The managers can shield or divert these vulnerable individuals into the vast square in advance to prevent the occurrence of stampedes. Besides, people often rely on their preferences to choose the route while neglecting the whole story in the walking street during the huge crowd. The regulators can release the road capacity information through public display screens and broadcast facilities, which is effective to avoid the crowd gathering due to the scarcity and distortion of information. It also has the potential to provide accurate and timely flow information for pedestrians to choose appropriate travel routes and decrease the travel time.

Author Contributions

Menghang Liu and Luning Li designed and performed the experiments, analyzed the data and draft the manuscript; Qiang Li and Cheng Hu design the experiments and supervised the data analysis; Yu Bai assisted with adjusting the model. All authors contributed to the writing and revision of the manuscript. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China, grant number 41977408.

Data Availability Statement

Data support the findings of this study are available from the corresponding author upon reasonable request.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Brown, M.; Benson, G.O.G.; Keel, R.; Mahoney, E.; Porter, J.; Thompson, J. Seeking Northlake: Place, technology, and public as enabling constraints for urban transdisciplinary research. Cities 2017, 60, 314–322. [Google Scholar] [CrossRef] [Green Version]
  2. Pappalardo, L.; Simini, F.; Rinzivillo, S.; Pedreschi, D.; Giannotti, F.; Barabási, A.-L. Returners and explorers dichotomy in human mobility. Nat. Commun. 2015, 6, 8166. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  3. Wang, D.-W.; Li, L.-N.; Hu, C.; Li, Q.; Chen, X.; Huang, P.-W. A Modified Inverse Distance Weighting Method for Interpolation in Open Public Places Based on Wi-Fi Probe Data. J. Adv. Transp. 2019, 2019, 1–11. [Google Scholar] [CrossRef]
  4. Helbing, D.; Molnár, P.; Farkas, I.J.; Bolay, K. Self-organizing pedestrian movement. Environ. Plan. B Plan. Des. 2001, 28, 361–383. [Google Scholar] [CrossRef] [Green Version]
  5. Ke, J.; Zheng, H.; Yang, H.; Chen, X. Short-term forecasting of passenger demand under on-demand ride services: A spatio-temporal deep learning approach. Transp. Res. Part C Emerg. Technol. 2017, 85, 591–608. [Google Scholar] [CrossRef] [Green Version]
  6. Tang, J.; Liang, J.; Zhang, S.; Huang, H.; Liu, F. Inferring driving trajectories based on probabilistic model from large scale taxi GPS data. Phys. A: Stat. Mech. Appl. 2018, 506, 566–577. [Google Scholar] [CrossRef]
  7. Luca, M.; Barlacchi, G.; Lepri, B.; Pappalardo, L. Deep Learning for Human Mobility: A Survey on Data and Models. arXiv 2020, arXiv:2012.02825. [Google Scholar]
  8. Yang, J.; Zhao, K.; Li, M.; Xu, Z.; Li, Z. Identifying Complex Junctions in a Road Network. ISPRS Int. J. Geo-Inf. 2021, 10, 4. [Google Scholar] [CrossRef]
  9. Barbosa, H.; Barthelemy, M.; Ghoshal, G.; James, C.R.; Lenormand, M.; Louail, T.; Menezes, R.; Ramasco, J.J.; Simini, F.; Tomasini, M. Human mobility: Models and applications. Phys. Rep. 2018, 734, 1–74. [Google Scholar] [CrossRef] [Green Version]
  10. Pappalardo, L.; Simini, F. Data-driven generation of spatio-temporal routines in human mobility. Data Min. Knowl. Discov. 2018, 32, 787–829. [Google Scholar] [CrossRef] [Green Version]
  11. Zhang, D.; Kabuka, M.R. Combining weather condition data to predict traffic flow: A GRU-based deep learning approach. IET Intell. Transp. Syst. 2018, 12, 578–585. [Google Scholar] [CrossRef]
  12. Smith, B.L.; Demetsky, M.J. Traffic flow forecasting: Comparison of modeling approaches. J. Transp. Eng. Asce 1997, 123, 261–266. [Google Scholar] [CrossRef]
  13. Frejinger, E.; Bierlaire, M. Capturing correlation with subnetworks in route choice models. Transp. Res. Part B Methodol. 2007, 41, 363–378. [Google Scholar] [CrossRef]
  14. Williams, B.M.; Durvasula, P.K.; Brown, D.E. Urban Freeway Traffic Flow Prediction: Application of Seasonal Autoregressive Integrated Moving Average and Exponential Smoothing Models. Transp. Res. Rec. 1998, 1644, 132–141. [Google Scholar] [CrossRef]
  15. Li, J.; Liu, Q.; Sang, Y. Several Issues about Urbanization and Urban Safety. Procedia Eng. 2012, 43, 615–621. [Google Scholar] [CrossRef] [Green Version]
  16. Apronti, D.; Ksaibati, K.; Gerow, K.; Hepner, J.J. Estimating traffic volume on Wyoming low volume roads using linear and logistic regression methods. J. Traffic Transp. Eng. Engl. Ed. 2016, 3, 493–506. [Google Scholar] [CrossRef] [Green Version]
  17. Castro-Neto, M.; Jeong, Y.-S.; Jeong, M.-K.; Han, L.D. Online-SVR for short-term traffic flow prediction under typical and atypical traffic conditions. Expert Syst. Appl. 2009, 36, 6164–6173. [Google Scholar] [CrossRef]
  18. Castillo, E.; Menéndez, J.M.; Sánchez-Cambronero, S. Predicting traffic flow using Bayesian networks. Transp. Res. Part B Methodol. 2008, 42, 482–509. [Google Scholar] [CrossRef]
  19. Olutayo, V.; Eludire, A. Traffic accident analysis using decision trees and neural networks. Int. J. Inf. Technol. Comput. Sci. 2014, 2, 22–28. [Google Scholar] [CrossRef]
  20. Crosby, H.; Jarvis, S.A.; Davis, P. Spatially-Intensive Decision Tree Prediction of Traffic Flow across the entire UK Road Network. In Proceedings of the 2016 IEEE/Acm 20th International Symposium on Distributed Simulation and Real Time Applications (Ds-Rt), London, UK, 21–23 September 2016; pp. 116–119. [Google Scholar]
  21. Sun, Y.; Leng, B.; Guan, W. A novel wavelet-SVM short-time passenger flow prediction in Beijing subway system. Neurocomputing 2015, 166, 109–121. [Google Scholar] [CrossRef]
  22. Feng, X.; Ling, X.; Zheng, H.; Chen, Z.; Xu, Y. Adaptive multi-kernel SVM with spatial–temporal correlation for short-term traffic flow prediction. IEEE Trans. Intell. Transp. Syst. 2018, 20, 2001–2013. [Google Scholar] [CrossRef]
  23. Tsai, T.-H.; Lee, C.-K.; Wei, C.-H. Neural network based temporal feature models for short-term railway passenger demand forecasting. Expert Syst. Appl. 2009, 36, 3728–3736. [Google Scholar] [CrossRef]
  24. El Esawey, M.; Mosa, A.I.; Nasr, K. Estimation of daily bicycle traffic volumes using sparse data. Comput. Environ. Urban. Syst. 2015, 54, 195–203. [Google Scholar] [CrossRef]
  25. Gu, Y.; Wang, Y.; Dong, S. Public Traffic Congestion Estimation Using an Artificial Neural Network. ISPRS Int. J. Geo-Inf. 2020, 9, 152. [Google Scholar] [CrossRef] [Green Version]
  26. Lin, Z.; Feng, J.; Lu, Z.; Li, Y.; Jin, D. Deepstn+: Context-aware spatial-temporal neural network for crowd flow prediction in metropolis. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulum, HI, USA, 27 January–1 February 2019; pp. 1020–1027. [Google Scholar]
  27. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef] [PubMed]
  28. Cui, H.; Radosavljevic, V.; Chou, F.-C.; Lin, T.-H.; Nguyen, T.; Huang, T.-K.; Schneider, J.; Djuric, N. Multimodal trajectory predictions for autonomous driving using deep convolutional networks. In Proceedings of the 2019 International Conference on Robotics and Automation (ICRA), Montreal, QC, Canada, 20–24 May 2019; pp. 2090–2096. [Google Scholar]
  29. Rao, G.M.; Ramesh, D. Parallel CNN based big data visualization for traffic monitoring. J. Intell. Fuzzy Syst. 2020, 39, 2679–2691. [Google Scholar] [CrossRef]
  30. Song, C.; Lee, H.; Kang, C.; Lee, W.; Kim, Y.B.; Cha, S.W. Traffic Speed Prediction under Weekday Using Convolutional Neural Networks Concepts. In Proceedings of the 2017 28th Ieee Intelligent Vehicles Symposium (Iv 2017), Los Angeles, CA, USA, 11–14 June 2017; pp. 1293–1298. [Google Scholar]
  31. Zhang, J.; Zheng, Y.; Qi, D.; Li, R.; Yi, X.; Li, T. Predicting citywide crowd flows using deep spatio-temporal residual networks. Artif. Intell. 2018, 259, 147–166. [Google Scholar] [CrossRef] [Green Version]
  32. Jin, W.; Lin, Y.; Wu, Z.; Wan, H. Spatio-temporal recurrent convolutional networks for citywide short-term crowd flows prediction. In Proceedings of the 2nd International Conference on Compute and Data Analysis, DeKalb, IL, USA, 23–25 March 2018; pp. 28–35. [Google Scholar]
  33. Park, D.-C. Structure optimization of BiLinear Recurrent Neural Networks and its application to Ethernet network traffic prediction. Inf. Sci. 2013, 237, 18–28. [Google Scholar] [CrossRef]
  34. Gao, W.; Wang, Z.Y. Short-Term Airport Traffic Flow Prediction Based on Lstm Recurrent Neural Network. J. Aeronaut. Astronaut. Aviat. 2017, 49, 299–307. [Google Scholar] [CrossRef]
  35. Ramakrishnan, N.; Soni, T. Network Traffic Prediction Using Recurrent Neural Networks. In Proceedings of the 2018 17th Ieee International Conference on Machine Learning and Applications (Icmla), Orlando, FL, USA, 17–20 December 2018; pp. 187–193. [Google Scholar]
  36. Li, W.; Tao, W.; Qiu, J.; Liu, X.; Zhou, X.; Pan, Z. Densely Connected Convolutional Networks with Attention LSTM for Crowd Flows Prediction. IEEE Access 2019, 7, 140488–140498. [Google Scholar] [CrossRef]
  37. Zhang, Z.; Li, M.; Lin, X.; Wang, Y.; He, F. Multistep speed prediction on traffic networks: A graph convolutional sequence-to-sequence learning approach with attention mechanism. arXiv 2018, arXiv:1810.10237. [Google Scholar]
  38. Jiang, W.; Luo, J. Graph Neural Network for Traffic Forecasting: A Survey. arXiv 2021, arXiv:2101.11174. [Google Scholar]
  39. Bruna, J.; Zaremba, W.; Szlam, A.; LeCun, Y. Spectral networks and locally connected networks on graphs. arXiv 2013, arXiv:1312.6203. [Google Scholar]
  40. Yu, B.; Yin, H.; Zhu, Z. Spatio-temporal graph convolutional networks: A deep learning framework for traffic forecasting. arXiv 2017, arXiv:1709.04875. [Google Scholar]
  41. Zhang, Q.; Chang, J.; Meng, G.; Xu, S.; Xiang, S.; Pan, C. Learning graph structure via graph convolutional networks. Pattern Recognit. 2019, 95, 308–318. [Google Scholar] [CrossRef]
  42. Li, Z.S.; Xiong, G.; Chen, Y.Y.; Lv, Y.S.; Hu, B.; Zhu, F.H.; Wang, F.Y. A Hybrid Deep Learning Approach with GCN and LSTM for Traffic Flow Prediction. In Proceedings of the 2019 Ieee Intelligent Transportation Systems Conference (Itsc), Auckland, New Zealand, 27–30 October 2019; pp. 1929–1933. [Google Scholar]
  43. Zheng, J.W.; Li, D.G. GCN-TC: Combining Trace Graph with Statistical Features for Network Traffic Classification. In Proceedings of the 2019 IEEE International Conference on Communications (Icc 2019), Shanghai, China, 20–24 May 2019. [Google Scholar]
  44. Fukuda, S.; Uchida, H.; Fujii, H.; Yamada, T. Short-term prediction of traffic flow under incident conditions using graph convolutional recurrent neural network and traffic simulation. IET Intell. Transp. Syst. 2020, 14, 936–946. [Google Scholar] [CrossRef]
  45. Vinchoff, C.; Chung, N.; Gordon, T.; Lyford, L.; Aibin, M. Traffic Prediction in Optical Networks Using Graph Convolutional Generative Adversarial Networks. In Proceedings of the 2020 22nd International Conference on Transparent Optical Networks (ICTON), Bari, Italy, 19–23 July 2020; pp. 1–4. [Google Scholar]
  46. Yu, L.; Du, B.; Hu, X.; Sun, L.; Han, L.; Lv, W. Deep spatio-temporal graph convolutional network for traffic accident prediction. Neurocomputing 2021, 423, 135–147. [Google Scholar] [CrossRef]
  47. Zhang, J.; Zheng, Y.; Qi, D. Deep spatio-temporal residual networks for citywide crowd flows prediction. In Proceedings of the AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  48. Zonoozi, A.; Kim, J.-J.; Li, X.-L.; Cong, G. Periodic-CRN: A Convolutional Recurrent Model for Crowd Density Prediction with Recurring Periodic Patterns. In Proceedings of the 2018 International Joint Conference on Artificial Intelligence (IJCAI), Stockholm, Sweden, 13–19 July 2018; pp. 3732–3738. [Google Scholar]
  49. Martí, P.; Serrano-Estrada, L.; Nolasco-Cirugeda, A. Social Media data: Challenges, opportunities and limitations in urban studies. Comput. Environ. Urban. Syst. 2019, 74, 161–174. [Google Scholar] [CrossRef]
  50. Pei, T.; Sobolevsky, S.; Ratti, C.; Shaw, S.-L.; Li, T.; Zhou, C. A new insight into land use classification based on aggregated mobile phone data. Int. J. Geogr. Inf. Sci. 2014, 28, 1988–2007. [Google Scholar] [CrossRef] [Green Version]
  51. Zhu, D.; Wang, N.; Wu, L.; Liu, Y. Street as a big geo-data assembly and analysis unit in urban studies: A case study using Beijing taxi data. Appl. Geogr. 2017, 86, 152–164. [Google Scholar] [CrossRef]
  52. Hu, S.; Gao, S.; Wu, L.; Xu, Y.; Zhang, Z.; Cui, H.; Gong, X. Urban function classification at road segment level using taxi trajectory data: A graph convolutional neural network approach. Comput. Environ. Urban. Syst. 2021, 87, 101619. [Google Scholar] [CrossRef]
  53. Kroon, L.; Maróti, G.; Nielsen, L. Rescheduling of Railway Rolling Stock with Dynamic Passenger Flows. Transp. Sci. 2015, 49, 165–184. [Google Scholar] [CrossRef] [Green Version]
  54. Cats, O.; Wang, Q.; Zhao, Y. Identification and classification of public transport activity centres in Stockholm using passenger flows data. J. Transp. Geogr. 2015, 48, 10–22. [Google Scholar] [CrossRef]
  55. Liu, Y.; Liu, Z.; Jia, R. DeepPF: A deep learning based architecture for metro passenger flow prediction. Transp. Res. Part C Emerg. Technol. 2019, 101, 18–34. [Google Scholar] [CrossRef]
  56. Peng, H.; Wang, H.; Du, B.; Bhuiyan, M.Z.A.; Ma, H.; Liu, J.; Wang, L.; Yang, Z.; Du, L.; Wang, S.; et al. Spatial temporal incidence dynamic graph neural networks for traffic flow forecasting. Inf. Sci. 2020, 521, 277–290. [Google Scholar] [CrossRef]
  57. Han, Y.; Peng, T.; Wang, C.; Zhang, Z.; Chen, G. A Hybrid GLM Model for Predicting Citywide Spatio-Temporal Metro Passenger Flow. ISPRS Int. J. Geo-Inf. 2021, 10, 222. [Google Scholar] [CrossRef]
  58. 12 People Were Injured in a “Run-after” Attack at Shenzhen Dongmen Laojie Subway Station. Available online: http://news.sina.com.cn/o/2014-05-26/062630230940.shtml (accessed on 22 June 2021).
  59. Li, Y.; Yu, R.; Shahabi, C.; Liu, Y. Diffusion convolutional recurrent neural network: Data-driven traffic forecasting. arXiv 2017, arXiv:1707.01926. [Google Scholar]
  60. Shuman, D.I.; Narang, S.K.; Frossard, P.; Ortega, A.; Vandergheynst, P. The Emerging Field of Signal Processing on Graphs. IEEE Signal. Process. Mag. 2013, 30, 83–98. [Google Scholar] [CrossRef] [Green Version]
  61. Wu, Z.; Pan, S.; Long, G.; Jiang, J.; Zhang, C. Graph wavenet for deep spatial-temporal graph modeling. arXiv 2019, arXiv:1906.00121. [Google Scholar]
  62. Gori, M.; Monfardini, G.; Scarselli, F. A new model for learning in graph domains. In Proceedings of the International Joint Conference on Neural Networks, Killarney, Ireland, 12–17 July 2015; pp. 729–734. [Google Scholar]
  63. Hammond, D.K.; Vandergheynst, P.; Gribonval, R. Wavelets on graphs via spectral graph theory. Appl. Comput. Harmon. Anal. 2011, 30, 129–150. [Google Scholar] [CrossRef] [Green Version]
  64. Defferrard, M.; Bresson, X.; Vandergheynst, P. Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering. In Proceedings of the Advances in Neural Information Processing Systems 29 (Nips 2016), Barcelona, Spain, 5–10 December 2016; pp. 3189–3197. [Google Scholar]
  65. Kipf, T.N.; Welling, M. Semi-supervised classification with graph convolutional networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
  66. Guo, K.; Hu, Y.; Qian, Z.S.; Sun, Y.; Gao, J.; Yin, B. An Optimized Temporal-Spatial Gated Graph Convolution Network for Traffic Forecasting. IEEE Intell. Transp. Syst. Mag. 2020, 9055022. [Google Scholar] [CrossRef]
  67. Zhao, L.; Song, Y.; Zhang, C.; Liu, Y.; Wang, P.; Lin, T.; Deng, M.; Li, H. T-GCN: A Temporal Graph Convolutional Network for Traffic Prediction. IEEE Trans. Intell. Transp. Syst. 2020, 21, 3848–3858. [Google Scholar] [CrossRef] [Green Version]
  68. Yu, B.; Lee, Y.; Sohn, K. Forecasting road traffic speeds by considering area-wide spatio-temporal dependencies based on a graph convolutional neural network (GCN). Transp. Res. Part C Emerg. Technol. 2020, 114, 189–204. [Google Scholar] [CrossRef]
  69. Pan, Z.; Zhang, W.; Liang, Y.; Zhang, W.; Yu, Y.; Zhang, J.; Zheng, Y. Spatio-Temporal Meta Learning for Urban Traffic Prediction. IEEE Trans. Knowl. Data Eng. 2020, 9096591. [Google Scholar] [CrossRef]
Figure 1. The geographical distribution of the equipped detectors in Dongmen walking street, Shenzhen, China. (The basemap is collected from Apple maps).
Figure 1. The geographical distribution of the equipped detectors in Dongmen walking street, Shenzhen, China. (The basemap is collected from Apple maps).
Ijgi 10 00455 g001
Figure 2. (ad) Pedestrian flow pattern of some typical detectors at the junctions (i.e., detector 6, 8, 13 and 16); (e) the mean pedestrian flow pattern of the study area; (f) the autocorrelation coefficient under various phase difference.
Figure 2. (ad) Pedestrian flow pattern of some typical detectors at the junctions (i.e., detector 6, 8, 13 and 16); (e) the mean pedestrian flow pattern of the study area; (f) the autocorrelation coefficient under various phase difference.
Ijgi 10 00455 g002
Figure 3. The framework of the GCN model for pedestrian flow prediction.
Figure 3. The framework of the GCN model for pedestrian flow prediction.
Ijgi 10 00455 g003
Figure 4. Comparison of model performances under different threshold on the train and test set. (a) Prediction loss and computational time on the train set; (b) Three evaluation metrics on the train set; (c) Prediction loss and computational time on the test set; (d) Three evaluation metrics on the test set.
Figure 4. Comparison of model performances under different threshold on the train and test set. (a) Prediction loss and computational time on the train set; (b) Three evaluation metrics on the train set; (c) Prediction loss and computational time on the test set; (d) Three evaluation metrics on the test set.
Ijgi 10 00455 g004
Figure 5. The GCN model performance and the visualization results of the ground-truth and predicted data on (a) weekdays; (b) weekends.
Figure 5. The GCN model performance and the visualization results of the ground-truth and predicted data on (a) weekdays; (b) weekends.
Ijgi 10 00455 g005
Figure 6. The relationship between mean crowd count and (a) RMSE on weekdays; (b) MAE on weekdays; (c) RMSE on weekends; (d) MAE on weekends.
Figure 6. The relationship between mean crowd count and (a) RMSE on weekdays; (b) MAE on weekdays; (c) RMSE on weekends; (d) MAE on weekends.
Ijgi 10 00455 g006
Figure 7. The interval distribution of datasets on (a) weekdays; (b) weekends.
Figure 7. The interval distribution of datasets on (a) weekdays; (b) weekends.
Ijgi 10 00455 g007
Figure 8. The summary of the temperature and weather conditions.
Figure 8. The summary of the temperature and weather conditions.
Ijgi 10 00455 g008
Table 1. Examples of pedestrian flow data.
Table 1. Examples of pedestrian flow data.
Capture TimeDetectors
68162124
1 July 2020 00:00631255
1 July 2020 00:0152551
1 July 2020 00:0261494
1 July 2020 23:5981443
2 July 2020 00:0092545
30 September 2020 23:58611485
30 September 2020 23:5979374
Table 2. Descriptive analysis of the sample data.
Table 2. Descriptive analysis of the sample data.
IndexTraining DataTesting Data
mean6.1796.138
standard deviation9.7259.648
minimum00
lower quartile0.7750.758
median2.4152.532
upper quartile6.5957.089
maximum105.82111.13
count105,984 × 2526,496 × 25
Table 3. The adjacency matrix and the distance of detectors.
Table 3. The adjacency matrix and the distance of detectors.
12345678910111213141516171819202122232425
11000000.2100000.13700000000000000
232610.9510.5410.5080.7350.503000000.1280.36200000000000
32913510.7300.6980.8960.69300.130000.1160.2300.541000.17200000000
42751238810.7810.9490.77600.172000.1550.2920.9510.3130.2100.557000.10600000
5281129947810.9310.7450.2760.503000.4710.6870.9280.2800.1840.51400000000
62398752364210.9280.1400.300000.2760.4610.8150.1810.1120.37200000000
71961309579854310.2450.153000.1370.2640.589000.20000000000
828230727225617822018610.9110.3580.5510.5460.7610.13700.2160000.11000000
93302592242081301722154810.1750.3130.8000.9540.29600.4200.1350.10400.24900000
1025941838336728933134515920710.9430.3860.220000000000000
112214283933772993413071211693810.2270.187000000000000
124042652302141361782211227415319110.9370.27200.3910.121000.5570.1450000
133642251901749613818182341932034010.4560.1020.6000.2380.1900.1210.39600000
1431015812335437111422117333234217913910.4820.3480.745000.19700000
1544429225716917720524831927143044027723713410.5300.9070.2760.1840.33500000
1647131928419620423227519414630531515211216112510.7910.7190.5790.94000.116000
1739524320812012815619927022238139122818885497610.3260.2230.58400000
185664093742862943223652842363954052422022511789016610.4510.50800000
1959243540031232034839131026242143126822827720411619214010.37600000
2051535832323524327131423318527331112015120016439115129155100.2270.16400
2162248344848035439643934029225128921825844540928436037440024510.8880.9540.6060.203
226765375024264084504933943463053432723123913552303063203461915410.9840.8760.430
23656517482446388430473374326285323252292411375250326340366211342010.7860.335
24733594559483465507550451403362400329369448412287363377403248111577710.735
25820681646570578594637538490449487416456535499374450464490335198144164871
Note: the upper triangular matrix is the adjacency matrix calculated by weighting function, and the lower triangular matrix is the distance matrix, of which the unit is the meter.
Table 4. The performances of different models.
Table 4. The performances of different models.
Output Sequence LengthMetricsHAARIMASVMCNNLSTMSTGCNGCN
1 minRMSE3.4703.1763.2243.1363.2492.8332.840
MAE1.8511.6791.9791.6551.6131.4951.488
R20.8720.8840.8870.8950.8810.9330.937
5 minRMSE3.5363.4643.4023.4263.4602.9483.042
MAE1.8861.8312.1131.8331.7201.5231.585
R20.8670.8630.8740.8750.8650.9310.928
10 minRMSE3.6103.6183.6943.5083.5323.0973.178
MAE1.9251.9092.3031.8831.7651.6301.655
R20.8610.8500.8510.8690.8600.9240.921
15 minRMSE3.6803.7133.9623.5423.6113.2253.289
MAE1.9621.9592.4641.8891.8181.7581.715
R20.8560.8420.8280.8660.8530.9180.916
20 minRMSE3.7483.7894.2313.6023.6393.3573.374
MAE1.9991.9992.6321.9321.8251.7581.763
R20.8500.8360.8030.8620.8510.9110.911
25 minRMSE3.8153.8554.4963.6953.6513.4293.462
MAE2.0352.0342.7931.9751.8411.8041.812
R20.8450.8300.7770.8550.8500.9070.906
30 minRMSE3.8833.9194.7313.8633.6833.4943.537
MAE2.072.0662.9392.0681.8571.8511.854
R20.840.8240.7530.8410.8470.9030.902
Table 5. The GCN model prediction precision under different hours.
Table 5. The GCN model prediction precision under different hours.
TimeWeekdaysWeekends
RMSEMAER2RMSEMAER2
00:00–00:590.9420.5910.8910.8830.5830.902
01:00–01:590.810.4710.9140.6840.4360.903
02:00–02:590.6260.3830.9160.6480.4110.914
03:00–03:590.5380.3290.9130.8210.4260.925
04:00–04:590.5620.3290.8880.7070.3840.926
05:00–05:590.5880.3580.8590.6730.4060.873
06:00–06:590.720.4370.7480.7030.4210.751
07:00–07:591.0250.6250.7060.9160.5770.699
08:00–08:591.320.820.671.2280.7890.726
09:00–09:591.9221.0890.8142.051.2340.822
10:00–10:591.9871.2460.8082.4421.570.817
11:00–11:592.4131.5080.8212.9931.8660.816
12:00–12:592.711.7030.8613.2652.0790.841
13:00–13:593.0691.9440.8784.1182.6180.877
14:00–14:593.482.1930.9144.8423.0430.897
15:00–15:594.0682.4970.9245.6363.4680.882
16:00–16:594.012.4360.9445.5793.3620.93
17:00–17:594.4522.7270.935.5823.5110.939
18:00–18:593.8512.3240.9314.9743.1220.941
19:00–19:593.6452.1730.934.7432.9890.931
20:00–20:593.4742.1280.9274.3572.750.926
21:00–21:593.1751.9930.9063.8522.3580.903
22:00–22:592.561.6430.862.6951.7120.873
23:00–23:591.4360.9170.8081.5020.9710.827
Table 6. The GCN model performance under different weather conditions.
Table 6. The GCN model performance under different weather conditions.
MetricsSunnyCloudyOvercastRainy
R M S E 2.8553.1592.7152.798
M A E 1.5081.6621.4161.47
R 2 0.9410.9470.9230.939
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Liu, M.; Li, L.; Li, Q.; Bai, Y.; Hu, C. Pedestrian Flow Prediction in Open Public Places Using Graph Convolutional Network. ISPRS Int. J. Geo-Inf. 2021, 10, 455. https://doi.org/10.3390/ijgi10070455

AMA Style

Liu M, Li L, Li Q, Bai Y, Hu C. Pedestrian Flow Prediction in Open Public Places Using Graph Convolutional Network. ISPRS International Journal of Geo-Information. 2021; 10(7):455. https://doi.org/10.3390/ijgi10070455

Chicago/Turabian Style

Liu, Menghang, Luning Li, Qiang Li, Yu Bai, and Cheng Hu. 2021. "Pedestrian Flow Prediction in Open Public Places Using Graph Convolutional Network" ISPRS International Journal of Geo-Information 10, no. 7: 455. https://doi.org/10.3390/ijgi10070455

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