Abstract
Aquatic non-indigenous species (NIS) pose significant threats to biodiversity, disrupting ecosystems and inflicting substantial economic damages across agriculture, forestry, and fisheries. Due to the fast growth of global trade and transportation networks, NIS has been introduced and spread unintentionally in new environments. This study develops a new physics-informed model to forecast maritime shipping traffic between port regions worldwide. The predicted information provided by these models, in turn, is used as input for risk assessment of NIS spread through transportation networks to evaluate the capability of our solution. Inspired by the gravity model for international trades, our model considers various factors that influence the likelihood and impact of vessel activities, such as shipping flux density, distance between ports, trade flow, and centrality measures of transportation hubs. Accordingly, this paper introduces transformers to gravity models to rebuild the short- and long-term dependencies that make the risk analysis feasible. Thus, we introduce a physics-inspired framework that achieves an 89% binary accuracy for existing and non-existing trajectories and an 84.8% accuracy for the number of vessels flowing between key port areas, representing more than 10% improvement over the traditional deep-gravity model. Along these lines, this research contributes to a better understanding of NIS risk assessment. It allows policymakers, conservationists, and stakeholders to prioritize management actions by identifying high-risk invasion pathways. Besides, our model is versatile and can include new data sources, making it suitable for assessing international vessel traffic flow in a changing global landscape.
Similar content being viewed by others
Introduction
Globalization has rapidly increased marine shipping activities in the last decades. According to a statistics report, container shipping has increased by 24 times in tonnage from 1980 to 20201. This significant growth has not only boosted global trade but has also raised environmental concerns, including increased ocean pollution and the introduction of NIS through ballast water across marine ecosystems2. Recent research has revealed a strong correlation between the introduction of NIS and the movement of ships through shipping networks. These studies3,4 have utilized data from the Automatic Identification System (AIS), a location tracking system on ships that allows them to share their positions in real-time5. This technology allows researchers to track individual/collective ships6,7,8,9, predict small- or larger-scale shipping activities10,11, and assess the risk of introducing NIS through ballast water3 discharge.
AIS data has emerged as a promising source of information for studying maritime ship traffic patterns. The mobility intrinsic in AIS data associated it with studies of mobility flows by using Origin-Destination (OD) models that combine physics with statistical mechanics, including the classical gravity model, which, inspired by Newton’s Law of Universal Gravitation, measures the attractive force between two objects based on their masses and the distance between them12. The gravity-inspired OD models were introduced in early human mobility and migration studies13,14, where the number of commuters between two locations relies on population size and distances between origins and destinations as features.
The gravity theory describes the interaction between two entities proportionally to their masses and inversely proportional to their distance12. It permeates many areas of study that go beyond mobility and migration, such as the spreading of epidemics15,16, commercial trading17, communication network18 and cargo shipping networks4,19,20 modeling. Although the gravity model has been widely used to model real-world problems, recent studies have shown that it may not be sufficient for capturing complex patterns in various scenarios21. Relying solely on mass and distance as the critical factors of the model could lead to failures in accurately representing patterns22. Also, the lack of limits on the flow size can lead to the predicted flow size larger than the source “masses”, making the model predictions unreasonable and challenging to interpret23,24. Additionally, it is difficult to deal with multiple adjustable parameters in the model for the prediction without enough previously observed data. Nonetheless, the gravity model has been prevalent for many years and remains a popular tool for modeling various phenomena.
Beyond gravity models, radiation absorption is another physics-inspired OD model to study mobility patterns23,25,26. Unlike gravity models, radiation models are based on principles seen in radiation and absorption processes from physics. The radiation model overcomes several limitations of gravity models in predicting mobility flows. While gravity models contain adjustable variables that may be difficult to define, the radiation-absorption model simplifies this by emphasizing distance as the primary feature while considering the population density and offers a parameter-free approach that resolves the problem of having multiple parameters in the gravity model. Besides, it limits the number of flows by introducing the total number of individuals departing from the source location23,26. Further physics-inspired studies used field theory for abstracting vector fields of daily commuting flows27, while others translated field theory-based mobility to deep learning models for achieving better interpretation of spatiotemporal features in mobility patterns28. Moreover, different studies have incorporated multiple relative factors, such as employment and urban infrastructure, that capture more important characteristics to improve prediction accuracy and adaptability of the model24,29. The evolving nature of artificial intelligence and the rise of large language models have brought about new technologies. Therefore, improving the state of the art by using more capable technologies over new arrangements and combinations of data is essential. This becomes more evident when considering evolving factors such as climate change and recurrent anthropogenic effects observed on the oceans.
Deep learning techniques have become increasingly popular in various applications due to their ability to recognize patterns by fine-tuning multiple parameters. These techniques have been used to forecast vessel trajectories in the ocean, predict patient trajectories in hospitals, track the spread of epidemics, and many other applications30,31,32. Understandably, coupling machine or deep learning capabilities for pattern recognition with physics-inspired OD models can imply a higher proficiency in capturing and predicting complex scenarios. For instance, a study in human mobility used deep learning methods with the gravity model29. The resulting composite model, called the Deep Gravity Model, has expanded the standard feature set of conventional gravity models, which typically incorporated population size and distance between OD locations, to include a variety of parameters characterizing the origins and destinations such as land-use patterns and the presence of retail and healthcare amenities. However, the simplicity of the multilayer perceptrons (MLPs) structure in Deep Gravity models presents certain limitations. Specifically, accurately capturing the complex multivariate relationships inherent in mobility flows can be challenging due to the composition of multiple functions, which provides an opportunity for further research efforts.
Along these lines, this paper focuses on predicting the OD fluxes of marine vessels to gain insight into global shipping behavior and revert such information to the risk assessment of NIS cases through BWRA for performance comparison and evaluation against state-of-the-art machine-learning-driven solutions. Ballast water is essential in maritime operations, particularly for container ships. As illustrated in Fig. 1, while ballast water helps stabilize the ship’s load, local species can enter the ballast tanks and travel long distances when the water is taken in and discharged. Therefore, forecasting shipping patterns is critical to understanding the risk of spreading NIS. To this end, we propose a gravity-informed model where the shipping fluxes are considered as “mass”, and the vessel traffic flows are inversely proportional to the distances traveled by ships. We have enriched our model with relevant features from shipping activities, including bilateral trade data between countries33 and graph metrics extracted from the global shipping network. Our deep learning model, known as the Transformer Gravity, relies on the transformer architecture34 and is proficient in capturing local and global data dependencies through self-attention mechanisms. This mechanism enables the model to weigh the importance of different parts of the sequence of input data (i.e., information about maritime vessel movements), assigning varying degrees of attention depending on the relevance of each input part while generating the output. As a result, the model we propose can better discern and incorporate short- and long-term dependencies in vessel traffic flows, making it more sensitive to the complex and dynamic patterns in maritime vessel movements.
As part of our proposed framework, we have employed a machine learning classifier that proceeds the flow estimation process by identifying the most probable OD pairs for gravity models. In this step, we first construct a fully connected shipping network to fill gaps in the original network. We weigh the edges based on distance and the low likelihood of a vessel traveling between the two locations (see Methods). The classifier then evaluates each link, learning how to filter out those less likely to exist based on critical attributes, including distance and edge importance (see Methods). This allows only highly probable flows, based on prior knowledge, to be fed into the gravity-based models, where the final flow estimations take place with the aid of the gravity-based model. In this sense, we have conducted experiments using the (a) Transformer Gravity, (b) Deep Gravity, and (c) shallower-layered variants of Deep Gravity Models. We utilized regression models in machine learning for performance comparison. Our results demonstrate that the Transformer Gravity model significantly outperforms all the other approaches as it achieves an average Common Part of Commuters (CPC) of 86.4%, representing an improvement higher than 10% in the model output certainty in contrast to the benchmark Deep Gravity and its shallower-layered variants, and nearly 50% improvement compared to machine learning regression models. The results we have obtained are not only due to the proposed model but also to the pipeline outputs of the most probable connections that provide prior knowledge to the gravity-informed models (see Methods). We have significantly improved performance by incorporating prior knowledge about potential destinations and using the attention mechanism and the traditional gravity-informed model for mobility flow estimation.
Results
We start this study by constructing a directed and weighted international shipping network based on global port visits data from 2017 to 2019, which was derived from AIS data as processed in the study of Carlini et al.35. Ports and shipping connections were represented as nodes and edges in the shipping network, and the World Port Index (WPI)36 was used for port identification. Figure 2 provides an overview of global shipping connections in the three years from 2017 to 2019, which shows the distribution of a total of 2, 304 ports (i.e., nodes), 141, 179 shipping connections (i.e., edges) and 3, 573, 979 trips participating in shipping activities. The number of trips along the same shipping connection was used as the edge weight.
A detailed description of the methodological steps for creating the shipping networks, preparing the data for link prediction tasks, feature extraction, analysis, and augmentation is included and extensively discussed in the Methods section at the end of this paper. It is noteworthy that our study was conducted during significant events (e.g., war, global pandemic, and economic sanctions) that could have influenced the underlying shipping data. However, all results we discuss use the same methodology, ensuring that any external factors would have had a homogeneous impact on the comparative performance of the models.
Network analysis and link prediction
We conducted an analysis of the shipping network to extract graph metrics. These metrics were used as part of the feature set for gravity-informed predictive models, which helped forecast traffic flow sizes on the shipping network. We implemented link prediction as a binary classification task within the fully connected shipping network to identify the most probable shipping connections and mitigate the effect of missing links on the gravity model. These predictions are important for informing the model about the specific origin-destination (OD) pairs involved, as shown in the first two stages in Fig. 3.
Figure 4a displays the validation and test accuracy across different classification models for the binary classification-based link prediction task. It can be observed that apart from Logistic Regression at 89%, all other models achieved high accuracy (above 98%) on both the validation and the test datasets. We further investigated the discrepancies between the model with the highest performance—Random Forest at 100%—and the model with the lowest accuracy—Logistic Regression at 89%. The result revealed that the links primarily missed by Logistic Regression were those with only 1 or 2 trips and, to a lesser extent, 3-trip links. We also observed that the high accuracy of some models could be attributed to the inclusion of normalized edge weights \(w_{ij}\) (i.e., the normalized number of trips) in the fully connected shipping network \(G'\) in the edge importance calculation as per Eq. 8. Consequently, we ran predictions without edge importance as a feature to mitigate this effect for comparison. Figure 4b presents the validation and test accuracy when relying solely on Haversine and sea route distance as features. The accuracy of these models ranges from 75 to 79%. Notably, the models’ performance decreases by 16–20% compared to models that use edge importance. Retaining critical details from fluxes directly proportional to the link’s existence is the key function of the edge importance feature, but creating a self-contained inference model involves more than just edge importance. The challenge lies in selecting a model that can incorporate that information without overfitting the data.
After analyzing the results from the model shown in Fig. 4a, we observed that the Random Forest model has a higher accuracy. However, the Logistic Regression model acts as a filter by removing some 1- and 2-trip trajectories before predicting ship traffic flow. These trajectories are considered unstable and unreliable for predicting future mobility flow and may be outliers. Therefore, the Logistic Regression model identifies and removes these trajectories, leaving behind only those predicted to have more stable traffic flow between origin-destination pairs. These trajectories are then utilized to collect features of the gravity-informed model for improving ship traffic flow prediction, such as seen in Fig. 3. An illustrative data-flow representation of the Transformer Gravity model is depicted in Fig. 5, while a comprehensive description and formalization of the model are thoroughly given within the Methods section.
Performance evaluation of ship traffic intensity
In this experiment, we aimed to evaluate and compare the performance of different models in predicting global ship traffic intensity. Our primary goal was to assess the effectiveness of our proposed Transformer Gravity model when compared with the original Deep Gravity model and various machine learning regression models. Through this comparative analysis, we aimed to identify the model(s) that best approximate real-world shipping mobility patterns and demonstrate superior predictive power. In deep learning models, the number of layers refers to the depth of the neural network. Each layer in the network performs operations on the input data, gradually transforming it to make predictions. Adding more layers allows the model to learn more complex patterns and relationships within the data. Therefore, the complexity and depth of the model architecture should be adjusted to see how it affects its performance in capturing and understanding the data. We used the proposed Transformer Gravity model with 1, 3, and 5 Transformer layers during the experimentation. This study compared the original 15-layer Deep Gravity model with a multi-layered variant of 3, 9, and 12 layers. Additionally, we experimented with machine learning regression models, such as linear-based, tree-based, and boosting-based models, as detailed in Table 1. The data from 2017 and 2018 formed the training data, while the 2019 data was used for testing.
Table 1 shows the mean, maximum, and minimum values of the models’ CPC across the five validation folds. Our proposed Transformer Gravity, particularly the ones with 3 and 5-layer configurations, have achieved the best performance in cross-validation with a mean CPC of 0.864, which marks a 10.5% improvement over the top-performing 3-layer Deep Gravity variant (\(CPC\ of\ 0.782\)), and a 13.2% improvement compared to original Deep Gravity model (\(CPC\ of\ 0.763\)) and over 49.7% to other machine learning models, whose mean CPCs ranged from 0.474 to 0.577. Meanwhile, we noticed that compared with the original Deep Gravity model, its shallower-layered variants show a better performance, as evidenced by metrics in both validation and testing. However, none of these Deep Gravity variants can exceed the lowest mean CPC performance (\(CPC\ of\ 0.846\) using a single layer) of the Transformer Gravity model. The gap between Transformer Gravity’s performance and other models indicates that our model’s predicted shipping flows have a larger resemblance to the real shipping flows, highlighting our model’s ability to reflect the real shipping mobility flows. This high similarity is also reflected in the other two metrics, NRMSE and Corr. The 3-layer Transformer Gravity model achieved the lowest error rate (\(NRMSE\ of\ 0.080\)) and the highest correlation (\(Corr.\ of\ 0.977\)) with actual shipping flows. These results suggest the Transformer Gravity model’s superior performance in predicting global ship traffic flows over the Deep Gravity and traditional machine learning models.
Table 1 shows that the Transformer Gravity models show a more stable performance than the competing models. The difference between the highest and lowest CPC values for the Transformer Gravity models ranges from 0.015 to 0.027, which is lower than other gravity-based models (\(0.019 \sim 0.049\)) and machine learning models (\(0.164 \sim 0.233\)). This indicates that the variance in CPC is lower when the flow prediction is done with the Transformer Gravity model. The variance can be attributed to the distribution of data samples across folds, as a random seed is set for the sample assignment. This way, the Transformer Gravity model’s performance is more consistent across different folds, meaning that given historical shipping data within the same temporal period, the Transformer Gravity model is more likely to predict shipping traffic flows with stable performance, regardless of the shipping traffic from which data subsets are sampled.
On the right side of Table 1, we show the test results obtained by models trained on all the data from 2019 at once. The best CPC was produced by the 3-layer Transformer Gravity model (\(CPC\ of\ 0.848\)), which indicates that the overlap ratio between predicted and actual shipping traffic flows was very high for an unseen scenario that spanned a year. This benefits us, as it helps us obtain more accurate shipping patterns, which we can use to evaluate the shipping intensity for ballast water risks. Moreover, our Transformer Gravity model had a Pearson Correlation Coefficient of 0.882. This value indicates a strong linear relationship between predicted and actual flows, demonstrating the model’s performance.
Table 1 shows that several baseline models have higher test CPCs than their best cross-validation CPCs. This difference in performance can be attributed to the distinct feature distributions in the test data compared to the cross-validation fold data. The spatial and temporal dependencies intrinsic to the shipping data can also affect these evaluation results. Our training set includes shipping data from 2017 and 2018, while the test set comprises 2019. Since both datasets represent complete years, the test data is expected to be more closely aligned with the spatial distribution of the training data. This may account for the discrepancy between the higher test performance and the observed validation results for these models. However, the evaluation of the Transformer Gravity model shows a better result in validation sets, which follow a more conventional pattern and have minimal variance over the cross-validation folds. This indicates that our model has gained a deeper understanding of the connections between data features and is robust enough to handle the impact of varying data distributions within the dataset. This shows the potential of the model to make accurate predictions on unseen datasets.
Table 1 also reveals that the performance of the Transformer Gravity model varies with the addition of layers. An increase in the number of the Transformer encoder layers initially enhances the model’s performance, as evidenced by the 3-layer Transformer Gravity model results compared with the single-layer model shown in the table. However, this performance increase is not unlimited. Comparing the 3-layer Transformer Gravity with the 5-layer one, its performance tends to plateau as the model grows deeper with better-optimized parameters. Therefore, while stacking Transformers can be beneficial, optimizing the number of layers is essential to maximize the model’s performance.
Similarly, the Deep Gravity model also needs an optimized configuration. The original 15-layer Deep Gravity model includes 256 hidden dimensions for layers 1 to 5 and 128 dimensions for layers 6 to 15. Due to the relatively large performance variation among its validation folds (\(CPC_{max}\ of\ 0.778\) and \(CPC_{min}\ of\ 0.729\)), we adjusted the number of layers and experimented with shallower versions of the model for comparison. We followed the 1:2 ratio of the 256 and 128 dimensions in the original Deep Gravity to configure the 3, 9, and 12-layer variants. As per Table 1, we observed that Deep Gravity models with fewer layers delivered better performance than the original deep-layered model consisting of 15 layers. However, the performance of Deep Gravity models decreased with the addition of more layers. The 3-layer model of Deep Gravity performed the best, while deeper networks could not yield better results.
Performance evaluation over the risk assessment of invasive species
As part of our study, we conducted a final experiment using the models we proposed on the global shipping network. We assessed the risk of NIS introduction associated with shipping flows using the BWRA decision tool employed by Transport Canada37,38. We aimed to demonstrate the performance of our proposed model over a real application scenario, whereby by having a more accurate overview of the shipping traffic between regions, we can improve real-world risk analysis. In this case, by forecasting shipping intensities on maritime pathways with varying levels of invasion threats, regulatory agencies can have access to an estimation that can aid data-driven ocean regulation and policy-making, especially by identifying high-risk pathways that need enhanced monitoring and regulations to support maritime biosecurity. The risk model we used produces an environmental distance value that compares the dissimilarities between a ship’s origin and destination. When a ship arrives at a destination and comes from an origin with similar environmental characteristics (i.e., higher) as the destination port, it is more likely to be inspected by the responsible authorities. The model considers environmental conditions such as sea surface temperature and salinity at the locations where ballast water is taken and discharged. We gathered environmental variables at these locations, including minimum, maximum, annual temperature, and yearly salinity. We compiled them into a vector called \(\nu _{i} = \langle t_{(i)_{min}}, t_{(i)_{max}}, t_{(i)}, s_{(i)} \rangle \). Through the vector \(\nu _{i}\), we proceed to calculate the environmental distance using the element-wise Euclidean distance calculation:
Based on Eq. 1, a smaller \(d_{ij} (env)\) value suggests a higher environmental similarity between the origin and destination, typically meaning a higher risk of NIS invasion via ballast water and vice versa.
To evaluate the environmental distances between the shipping source and destination, we first integrated port data from World Port Index36 with the environmental conditions in Global Port Environmental Data39, which includes the annual average salinity, annual average, minimum and maximum temperature nearest to each port. For each port involved in the 2019 shipping data, we calculated the environmental distances based on the environmental conditions at both the source and destination ports using Eq. 1. These environmental distance values inform the threat levels associated with various shipping pathways. Then, we integrated the environmental distance values with the shipping intensity by weighting environmental distance according to the number of trips on specific shipping routes. This combination of both threat levels and shipping intensity enables the mapping of the overall distribution of shipping activities across the global network at varying invasion risk levels. To assess the dissimilarity in risk assessment results between predicted and actual shipping flows, we examined the distributions of environmental distances using the estimated trips from the Transformer Gravity model (denoted as \(T(d)_{TG}\)), the Deep Gravity model (\(T(d)_{DG}\)), and the actual shipping flows from 2019 (represented as \(T(d)_{true}\)).
Figure 6 shows the distributions of the three distance groups: \(T(d)_{true}\), \(T(d)_{TG}\), and \(T(d)_{DG}\), from which we can find that \(T(d)_{true}\) and \(T(d)_{TG}\) are closely aligned in their trends, even in minor fluctuations. In contrast, \(T(d)_{DG}\) is more differentiated from \(T(d)_{true}\). To quantify the alignment between \(T(d)_{TG}\) and \(T(d)_{true}\), we calculated Pearson’s correlation coefficients for the two groups of environmental distances, reaching the value of 0.889. This high coefficient indicates a strong linear correlation between the environmental distances associated with actual and predicted shipping flows. The figure also reveals that the consistency between \(T(d)_{TG}\) and \(T(d)_{true}\) is more pronounced where the environmental distance is greater, implying a lower risk of invasion. Conversely, the two groups show discrepancies in the higher invasion risk interval (i.e., smaller environmental distances), which can be attributed to the differences between the predicted and the actual shipping flows. These discrepancies can be influenced by an important feature, i.e., the bilateral trading volume, which quantifies the annual trading volume between two countries in US dollars. For inner-country shipping activities, the bilateral trading volume becomes zero and no longer positively associates trade with shipping flows. These inner-country routes are usually high-risk due to the environmental similarity between origins and destinations. Further, there may also be critical factors in predicting unexplored high-risk shipping connections, suggesting potential for further studies.
Discussion
The Transformer Gravity model is built based on a stack of multi-head attention blocks. It incorporates features from the gravity-informed model, including the shipping fluxes, origin and destination locations, and the geographical distance between them. We enhanced the feature set by integrating extra factors, such as bilateral trade information and graph metrics from the global shipping network, to improve the model’s ability to predict ship traffic flows. We validated our approach by comparing it with established gravity models and machine-learning regression techniques to showcase its advancements.
Our findings established the superiority of the Transformer Gravity model across several performance indicators. Notably, the model achieved the highest CPC with minimal variance across different data folds, indicating its robustness and adaptability to new datasets. The best average CPC in the cross-validation set was 0.864 for the 3 and 5-layer models. Besides, the 3-layer one demonstrated the lowest mean error, 0.080, and the highest mean correlation, 0.977. Variations in performance among baseline models indicated their inadequacies in dealing with diverse data scenarios, thus reinforcing our model’s resilience.
The high performance of our Transformer Gravity model for ship traffic flow prediction contributes to a more accurate representation of shipping intensity in the risk assessment of invasive species through BWRA. Despite some discrepancies in the high-risk interval, the evaluation results show an overall low error of 0.208 and a high similarity between predicted and actual environmental distances among port pairs scaled by ship traffic flows. This has contributed to a more accurate risk assessment for the spread of NIS through ballast water and thus provides a valuable reference for future global ballast water risk management. Specifically, the current Ballast Water Management Convention of the International Maritime Organization (IMO) regulates ship ballast water exchanges, mandating they occur away from coastal areas and at specified depths to decrease the survival and spread of invasive species40. To further reduce the survival of NIS, various ballast water treatment methods have been implemented. These include ballast water exchange and on-board ballast water treatment systems (BWTSs) that employ physical, mechanical, and chemical approaches. However, none of these methods are effective at all times41. Although IMO regulations became mandatory in 2017, a regional study indicates that as of 2019, less than 20% of ships arriving in the United States and Australia were equipped with BWTSs42. This gap in compliance and the partial effectiveness of current ballast water treatments highlight the necessity for advanced predictive models. The Transformer Gravity model plays a pivotal role in finding ports characterized by intense shipping activity through its ability to forecast shipping intensity across diverse maritime pathways. This predictive capability is paramount, especially for routes forecasted to exhibit elevated shipping volumes and a heightened risk of NIS introduction. By identifying these high-risk routes, our model serves as a valuable tool for governmental agencies, urging them to strengthen monitoring and management efforts. This approach is essential to uphold compliance with IMO regulations and mitigate the risks of NIS.
In summary, the Transformer Gravity model proposed in this study has markedly improved the performance of ship traffic flow forecast, outperforming other gravity-informed models. It has also shown high-performance consistency when applied to different data subsets with various spatio-temporal distributions. Future mobility studies and applications can enhance the model’s explainability and transparency by exploring the intrinsic relationships between various features and the flow prediction results. The exploration of such aspects can improve the model’s interpretability and help the model’s application in domains where a high degree of accuracy is expected on the OD flow representation.
Methods
Global shipping network representation
The global shipping network can be described as \(G=(V, E, W)\), where V represents the set of ports, E is the set of shipping routes connecting pairs of ports, and W is the collection of edge weights. In this context, each weight in W corresponds to the number of individual trips \(T_{ij}\) between ports i and j:
With the global shipping network defined, we performed network analysis to extract graph metrics as features for our proposed gravity-informed predictive model. We also conducted link prediction to identify potential origin-destination (OD) pairs within current shipping traffic, thus providing pre-knowledge to the predictive models. Figure 7 illustrates the pipeline of shipping network analysis and the link prediction process, which precedes the gravity-informed predictive models forecasting the ship traffic flows.
Complex network metrics computation
We analyzed the shipping network by calculating various graph metrics for each node. These metrics included betweenness centrality, closeness centrality, and PageRank. The weights of the edges utilized in these metrics computations correspond to the number of trips along these individual shipping routes, as defined in Eq. 2. Subsequently, we introduced the graph metrics used for shipping network analysis:
Betweenness centrality \((C_B)\)
The Betweenness identifies how often a particular vertex is present in the shortest paths of a graph. A higher metric value indicates that the vertex is present in a larger number of shortest paths. In Eq. 3, \(\sigma (u,v)\) represents the number of shortest paths between vertices u and v, and \(\sigma (u,v|i)\) represents the number of those paths that pass through vertex i. The Edge-Betweenness, which assigns a Betweenness value to each edge in a graph, is worth noting. This variant considers \(\sigma (u,v|i)\) as the shortest paths between vertices u and v that pass through edge i. In the shipping network, betweenness centrality quantifies the frequency with which a port serves as an intermediary on the shortest paths between other ports; ports with high betweenness behave as bridges in the shipping network.
Closeness centrality \((C_C)\)
The Closeness measures how closely a vertex is connected to all the other vertices in a network, as determined by the shortest paths between them (refer to Eq. 4). A vertex with higher centrality is considered more central and has a shorter average distance to all other vertices in the network43. In a port network, the closeness-central ports are easily accessible from all other ports in the shipping network. They are expected to have higher vessel traffic, providing insight into trading behavior and economic relationships inherent to their country and cities.
PageRank \((P_{ij})\)
The PageRank44 is based on a mathematical model known as the stochastic Markovian process. This model defines a probability distribution over a set of states, where the probability of transitioning from one state to another is solely correlated with the state immediately preceding it:
The algorithm assesses the significance of a vertex concerning the significance of the vertices linked to it. This way, it measures the vertex contribution based on the number of outgoing edges each adjacent vertex has, ensuring the uniqueness of the edge. The algorithm calculates the stationary transition probability matrix to determine vertex importance. The values obtained from this calculation indicate the significance of the vertices based on their access probability. Equation 6 illustrates the stationary matrix, where \(\pi ^{(n)}\) denotes the probability matrix at time n, and \({\textbf{P}}\) is the transition probability matrix.
As PageRank identifies essential nodes in a graph—ports with high metric values are more influential and likely to be frequently visited by ships from other important ports.
After calculating three different graph metrics, we noticed that they all showed positive non-linear correlations with each other. This means that as one metric increased, the others also tended to increase. Although each metric has a distinct interpretation, we found five ports from different bodies of water that had high values in all three metrics (see Table 2). These ports are particularly noteworthy because they excel in multiple areas. Many of the most influential ports are located at crucial marine traffic junctions that connect different oceans, such as the Gulf of Suez, the Gulf of Panama, and the Strait of Malacca.
Given that betweenness and closeness centrality measures involve the calculation of shortest distances, we also applied the reciprocals of the weights defined in Eq. 2 to calculate the graph metrics. This transformation aligns with interpreting weights as distances. However, the centrality rankings of the ports listed in Table 2 remained largely unchanged even after applying the reciprocal weights. This suggests that the topology and connectivity patterns are more critical attributes in the real-world shipping network characterized by sparsity and a highly skewed degree distribution. Furthermore, our shipping network modeling strategy aligns with the principles of gravity models. The strength of relationships is determined by the masses of sources and destinations, with larger objects driving more gravitational pull.
Fully connected shipping network
A component is a group of vertices connected to each other, and a network with more than one group of vertices that are not connected is called a non-connected graph. In an arbitrary graph, vertices i and j are in the same component \(G'=\{V',E'\}\), \(V' \subseteq V\), if and only if \(\{\forall i \in V', \forall j \in V'| d_{ij} < \infty \}\), meaning that it is possible to travel from any vertex i to any vertex j in a finite number of steps, where \(d_{ij}:V \times V \rightarrow {\mathbb {R}}\) is a function that returns the distance between any two vertices45. Connected components for directed graphs are divided into weakly and strongly connected components, both of which identify absorbing regions.
When analyzing the shipping network, we observed the presence of 2 disconnected components and 13 components weakly connected (i.e., these subgraphs are unilaterally connected). These disconnected and weakly connected segments pose a challenge for our proposed framework, which relies on integrating features across all possible destinations from each source port. Such disconnections can compromise the model’s ability to generate accurate or well-defined predictions for shipping flows between isolated areas. Thus, we transformed the original network into a complete graph by connecting each pair of nodes \(V_i\) and \(V_j\) in the shipping network G. We assigned a small weight, \(w'=0.1\), to these newly established links and denoted the complete graph as \(G'\). More specifically, we set the weights of these non-existent edges to be inversely proportional to the distance. This approach considers the low probability of vessels leaving one port from a component and directly reaching another, ensuring an accurate representation of the network’s connectivity. This action mitigates the issues arising from data sparsity and establishes a uniform data structure, thereby enhancing the robustness of the flow estimation framework. With the fully connected shipping network \(G'\), we proceed with the flow estimation framework by forecasting whether a trajectory exists by solving a link prediction problem in \(G'\), which can be framed as a binary classification task within machine learning models. This action provides concrete source-destination pairs well-prepared for building feature sets and modeling the gravity force.
Network feature extraction, representation, and purpose
To perform link prediction, we first separated the shipping data from 2019 for testing and retained the data from 2017 and 2018 for training and validation. Then, we prepared features for this binary classification task. We calculated the Haversine distances between every pair of ports, which is defined in Eq. 7, measures the shortest distance between two vertices \(i \in V\) and \(j \in V\) on a sphere’s surface46. This metric incorporates the latitudes \(\phi _{i}\) and \(\phi _{j}\) of vertices i and j, the difference \(\bigtriangleup ^{\phi }_{ij}\) between \(\phi _{i}\) and \(\phi _{j}\), the difference \(\bigtriangleup ^{\lambda }_{ij}\) between their longitudes \(\lambda _{i}\) and \(\lambda _{j}\), and the Earth’s radius \({\textbf{R}}\) (6,371 km) — all values are in radians.
However, Haversine distances only provide the geodesic approximation and cannot capture the real sea routes that the ships have traveled. Therefore, we also computed the sea-route distances between port pairs. We obtained a more accurate representation using a Python package that models the shortest routes and calculates the sea route distances using historical trajectories47. Finally, we used these distances to evaluate the importance level \(I_{ij}\) for each edge \(\langle i, j \rangle \) in the complete graph \(G'\). Inspired by straightness centrality measuring the node connectivity by the straightness of the shortest distance48, this metric combines the normalized flow size \(\hat{w}_{ij}\) and the normalized Haversine distance \(\hat{d_{ij}^E}\), using a small constant \(\epsilon \) to prevent division by zero. Connections with high shipping flows and shorter distances are deemed more important:
Following is an explanation of the shortest distance and straightness centrality concepts in network analysis, from which we drew inspiration for our edge importance metric (Eq. 8):
Shortest distance \((d_{ij}^{N})\)
A path S between two vertices i and j is a sequence of connected vertices \(S^n = \left<v_1, v_2, \text {...}, v_{q-1}, v_q\right>\), where each consecutive vertex is connected through an edge \(\left<S^n_m, S^n_{m+1}\right> \in E\) for all \(m \in [1,|S^n|[\). The shortest directed path \(d_{ij}^{N}\) is obtained by minimizing the weight function \({ f :E^n \rightarrow {\mathbb {R}}}\), which describes the cost of the paths among all possible paths \({\mathbb {S}} = \{S^{1}, S^{2}, \ldots , S^{n}\}\) between vertices i and j49. The goal is to find the path with the minimum cost, which is determined by the sum of the weights of the edges. The weight is the straight-line distance between the vertices, such as in Eq. 9.
Straightness centrality \((C_S)\)
This metric measures the straightness of paths connecting vertices i and j. It does so by comparing the deviation of the geodesic distance \(d_{ij}^{E}\) and the shortest path distance \(d_{ij}^{N}\) that links them50. A high centrality value indicates the existence of connections with distances close to the geodesic one. When the two distances match, it is the optimal scenario for communication between vertices.
Next, we incorporated the Haversine distance (Eq. 7), sea route distance47, and edge importance (Eq. 8) into the feature set. We then employed machine learning classification models, including Logistic Regression, KNeighbors, Decision Tree, XGBoost, and Random Forest, to determine the existence of a link between two ports. Upon labeling the real (true class) and pseudo (false class) links in the complete network \(G'\), we observed a significant class imbalance (2.3% real links and 97.7% pseudo links); consequently, we employed stratified sampling of the pseudo links based on their spatial distribution to balance the number of examples in each class in a manner that preserved the data’s characteristics. The models were engaged in a binary classification task, where we utilized 75% of data from 2017 and 2018 for training and 25% for validation. During the training phase, a 5-fold grid search cross-validation was implemented to fine-tune the hyperparameters of each model. Finally, we tested the models on unseen data from 2019, reinforcing the validity of our approach.
Features used with gravity-informed models
Based on predicted shipping trajectories, we have origin-destination pairs for preparing gravity model features. Features incorporated in gravity-informed models are listed in Table 3, including shipping fluxes, distances, international bilateral trade volume33, and the centrality graph metrics extracted from the global shipping network. In particular, the bilateral trade volume data is country-based. Therefore, we used the source and destination countries to extract trade volume data and integrate it into the feature set.
Transformer gravity model
In this study, we incorporate the self-attention mechanism of the Transformer architecture34 into our proposed framework. Compared to the conventional MLPs structure, the self-attention mechanism can inspect the input sequence and weigh to identify and prioritize the most relevant elements for generating the output. This characteristic enables our model to capture crucial dependencies in vessel mobility effectively flows. Additionally, the self-attention mechanism accomplishes high performance with fewer parameters, making it a computationally efficient model. This section shows how we model the Transformer Gravity, combining the characteristics of the Gravity Model and the self-attention mechanism.
Problem definition
Based on the pairs of source-destination ports obtained from the previous link prediction step, we encode the destination ports into 17 geographical regions according to the ISO-3166 standard51, where ports within regions are expected to have a similar set of organisms and, therefore, share similar habitat. Given the limitations in the granularity of our data, which does not extend to cover all geographic areas, this regional categorization makes it feasible to model and incorporate all intra-region locations within the landscape. Over the encoded representation of regions, we now aim to estimate the sizes of shipping mobility flows between each source-destination pair \((P_i, P_j)\), where \(P_i\) is the source port and \(P_j\) is the destination port that pertains to a unique geographical region. A ship departing from a source port may have one or more destination ports in the same or different regions, and following the Deep Gravity29 method, the goal is to estimate probabilities of the ships traveling to these geographical regions, becoming a multiclass classification task.
Predict target: We compile a set of 10 features from various sources for each pair \((P_i, P_j)\), such as shipping fluxes at ports, geodesic distances between source and destination, bilateral trade volume source from The Atlas of Economic Complexity33, the graph metrics computed with the global shipping network; detailed information about these extracted features is provided in Table 3 in the Methods. We represent the feature vector for each source-destination pair as \(x_{ij} = \left<m_1, m_2, \ldots , m_{10}\right>\). Given the ships from each source port travel to multiple destination regions, these feature vectors are aggregated into a single data sample \(X_i = \{x_{i1}, x_{i2}, \ldots , x_{iN}\}\), where N is the number of destination regions in the data sample, and \(1 \le N \le 17\). Each destination region is represented as a class, so the prediction has N classes for a sample. Since samples of varying lengths cannot be wrapped to a tensor for batch processing, we set the batch size to 1 for model input. Using \(\hat{y}_{ij}\) to represent the estimated size of the mobility flow between \((P_i, P_j)\), which is the target of the prediction, we have:
where \(O_i\) represents the total number of ships departing from source port i. \(p_{ij}\) is the probability of ships traveling from source port i to the destination region j among all the possible destinations \(1 \sim N\), and \(f(x_{ij})\) is the model output of feature vector \(x_{ij}\).
Loss function: We used the cross-entropy loss function for the model optimization process, defined as:
The function presents the total loss between the predicted flows \(\hat{y}_{ij}\), and the real flows \(y_{ij}\) for all the N destination regions from M source ports. The log-softmax function is applied to the model output \(f(x_{ij})\), and the loss function in terms of \(p_{ij}\) is obtained by replacing the log-term by Eq. 11 divided by \(O_i\).
Evaluation metric: The Common Part of Commuters (CPC)52,53,54 is designed to measure the similarity between two sets of data, which could represent various aspects such as the volume of commuters, traffic, or trade between different locations. The metric calculates how much overlap there is between the predicted values \(\hat{y}_{ij}\) and the actual values \(y_{ij}\). In Eq. 13, M represents the number of source ports and N the number of destination regions. The values \(\hat{y}_{ij}\) and \(y_{ij}\) correspond to the flow of vessels from source port i to destination region j, based on a model’s prediction and the actual observed values, respectively. In this case, a high value of the CPC means a significant overlap between the predicted and actual datasets. Specifically, it would indicate that the predictions accurately capture the true data distribution patterns, with most predictive quantities closely matching the actual quantities. Contrarily, a low value of the CPC would suggest that there is little overlap between the predictions and the actual data, indicating that the model’s predictions diverge significantly from the observed data, which could be due to underprediction or overprediction in various parts or a general misalignment of the model with the reality. Accordingly, CPC considers the minimum common value between the predicted and actual data for each pair of source and destination ports, measuring the intersection over the values union:
To evaluate the model’s performance comprehensively, besides the CPC, we included the Normalized Root Mean Square Error (NRMSE)—lower is better—and Pearson Correlation Coefficients (Corr.)—higher is better—to measure the normalized errors and the correlation between the predictions and observations, and to provide a multi-faceted assessment of the model’s accuracy and reliability, defined as:
Model framework
Our proposed Transformer Gravity model is composed of three main components: (1) the input embedding layer, which maps the input feature vectors to a higher-dimensional space that is compatible with the Transformer architecture; (2) the multilayer Transformer encoder, which involves the self-attention and feed-forward blocks that process the embeddings to capture complex relationships between input features; and, (3) the output linear layer, which maps the processed embeddings to the target flow predictions, computes loss and CPC and performs backpropagation based on the loss values. The input embedding layer (1) helps us organize and make sense of that data by putting it into a format that is easier for a machine to understand. This format is represented as vectors of numerical values, where each dimension captures specific input data characteristics and is fed into subsequent layers of the model for further processing until achieving the output layer. The output represents the predicted value, which, in our case, is the inflow or outflow of vessels between a pair of ports. The multilayer Transformer encoder (2) looks at all the different parts of information organized in the first component and finds out how they relate. Transformers are known for spotting patterns and connections between different parts of the training data. This helps our model understand the complex relationships between various aspects of the shipping data, like which routes are busiest, or ports are most important. The output linear layer (3) helps us make predictions based on the patterns and connections found by the previous layer. This layer will predict how much shipping traffic will be in a particular area. If the predictions are not entirely correct, this layer also helps us learn from our mistakes and improve our future guesses due to the backpropagation mechanism. Backpropagation is a process where the model adjusts its internal parameters based on the difference between its predictions and the actual outcomes, gradually refining its understanding of the data and improving its predictive power over time. Figure 5 presents the model pipeline using two stacked Transformers modules and provides a glance at the layer’s relationships.
Linear embedding: The embedding layer takes the input sample, which is a sequence of feature vectors represented as \(\{x_{i1}, x_{i2}, \ldots , x_{iN}\}\). It then maps each vector into a higher-dimensional space using a linear transformation that involves a weights matrix and a bias vector. The result of this transformation is the feature embedding \({{\textbf {z}}}_0\) for each vector \(x_{ij}\), which can be obtained following the subsequent calculation:
The input vector \(x_{ij}\) with 10 features is represented by \(W_0\) (the weight matrix) and \(b_0\) (the bias vector). This input vector is then embedded into a 64-dimensional space, resulting in an embedded output \({{\textbf {z}}}_0 \in {\mathbb {R}}^{1 \times d}\). Subsequently, the embedded output is passed to the multi-head attention encoder layers as the input.
Multi-head attention: A multi-head attention encoder comprises a multi-head self-attention mechanism and a feed-forward network, followed by layer normalization (as illustrated in Fig. 5). Within each self-attention head, the input \({{\textbf {z}}}_0\) is transformed into queries \(Q_h\), keys \(K_h\) and values \(V_h\) using the weight matrices \(W_Q\), \(W_K\) and \(W_V\), respectively. Self-attention then calculates \(Head_h = softmax\left( \frac{Q_h \cdot {K_h}^{\top }}{\sqrt{d_k}}\right) \cdot V_h\), where \(d_k = \frac{d}{h}\) is the dimension of the queries \(Q_h\) and keys \(K_h\) and is used to scale the product \(Q_h \cdot {K_h}^{\top }\). Multi-head attention combines all heads and linearly transforms the concatenation to produce \({{\textbf {z}}}_1 \in {\mathbb {R}}^{1 \times d}\):
Our experiment defines the number of heads as \(h=2\), and the heads run operations in parallel.
Layer normalization: After the multi-head attention layer, a dropout layer randomly sets a certain percentage of elements to 0. The dropout ratio p is set to 0.1 as per Eq. 18. Next, a skip connection is applied to add the input features \({{\textbf {z}}}_0\) to the output of the dropout layer \({{\textbf {z}}}_{dropout}\) before the self-attention block. This helps retain the input features’ information and prevents vanishing gradients during backpropagation. The output of this connection, \({{\textbf {z}}}_{skip}\), is then normalized using Eq. 18, where \(\mu \) is the mean and \(\sigma \) is the standard deviation of \({{\textbf {z}}}_{skip}\) with a small bias. The affine parameters \(\alpha \) and \(\beta \) are initialized as 1 and 0, respectively, and can be optimized during training.
Feed-forward network: After the multi-head attention block processes the input, the resulting output is fed into a feed-forward neural network composed of an MLP structure. The connectivity of each layer in the feed-forward block’s structure is illustrated in Fig. 5. We formulate the output vectors from the layers using corresponding weight updates in Eq. 19. Similar to \({{\textbf {z}}}_{skip}\), a skip connection adds the vector \({{\textbf {z}}}_2\) to the output \({{\textbf {z}}}_4\) to preserve information from the self-attention block.
Training and optimization: Our Transformer Gravity model has three transformer encoder layers stacked together to capture complex input embedding dependencies. Still, the number of stacked layers can be changed to match different requirements and needs. The output value \({{\textbf {z}}}_5\) is obtained by passing the output of Eq. 19 through a second and later third multi-head attention and feed-forward network block. The output value of the model is denoted as \(f(x_{ij})\), and it produces a sequence of output values for a single data sample with a length of N. This sequence is then applied to a softmax function to produce probabilities \(\{p_{i1}, p_{i2}, \ldots , p_{ij},\ldots , p_{iN}\}\) for N classes. The predicted flow sizes \(\{ \hat{y}_{i1}, \hat{y}_{i2}, \ldots , \hat{y}_{ij},\ldots , \hat{y}_{iN} \}\) for each destination are obtained by multiplying these probabilities with the total outflows \(O_i\) from the source port, as given in Eq. 11. The loss for every sample is computed using Eq. 12, and these losses are collected to derive the total loss. The model’s parameters are updated with each loss by processing a single sample. The summed CPC across all samples is calculated using Eq. 13. After each training epoch, the summed CPC is divided by the number of samples M (i.e., the number of source ports) to obtain the average CPC of that epoch. We used the Adam optimizer with \(L_2\) regularization on the weights during training. We reduced the learning rate by a factor of 0.1 when there was no improvement in the validation CPC after 10 epochs. We used early stopping when there was no improvement with the validation CPC after 20 epochs to prevent overfitting and improve training efficiency.
Data availability
The research we describe in this paper has used data acquired from Spire under MERIDIAN’s fair-use and non-disclose data license, which is research-intended high-resolution data that is hosted at the Institute for Big Data Analytics (IBDA) from Dalhousie University. Due to licensing agreements, we cannot share the raw data, but we can provide a trained model instead; contact the corresponding author for assistance.
References
Group, S. R. Container shipping—statistics & facts. https://www.statista.com/topics/1367/container-shipping/#topicOverview (2022).
Barry, S. C. et al. Ballast water risk assessment: Principles, processes, and methods. ICES J. Mar. Sci. 65, 121–131. https://doi.org/10.1093/icesjms/fsn004 (2008).
Seebens, H., Gastner, M. T. & Blasius, B. The risk of marine bioinvasion caused by global shipping. Ecol. Lett. 16, 782–790. https://doi.org/10.1111/ele.12111 (2013).
Kaluza, P., Kölzsch, A., Gastner, M. T. & Blasius, B. The complex network of global cargo ship movements. J. Royal Soc. Interface 7, 1093–1103. https://doi.org/10.1098/rsif.2009.0495 (2010).
Haranwala, Y. J., Spadon, G., Renso, C. & Soares, A. A data augmentation algorithm for trajectory data. In: 1st ACM SIGSPATIAL International Workshop on Methods for Enriched Mobility Data: Emerging issues and Ethical perspectives 2023 (EMODE ’23), 5, https://doi.org/10.1145/3615885.3628008 (ACM, New York, NY, USA, New York, NY, USA, 2023).
Spadon, G. et al. Multi-path long-term vessel trajectories forecasting with probabilistic feature fusion for problem shifting. arXiv (2024). arxiv:2310.18948.
Spadon, G., Ferreira, M. D., Soares, A. & Matwin, S. Unfolding ais transmission behavior for vessel movement modeling on noisy data leveraging machine learning. IEEE Access 11, 18821–18837. https://doi.org/10.1109/ACCESS.2022.3197215 (2023).
Nguyen, D., Vadaine, R., Hajduch, G., Garello, R. & Fablet, R. Geotracknet—A maritime anomaly detector using probabilistic neural network representation of AIS tracks and A contrario detection. IEEE Trans. Intell. Transp. Syst. 23, 5655–5667. https://doi.org/10.1109/TITS.2021.3055614 (2022).
Nguyen, D. & Fablet, R. TrAISformer-a generative transformer for AIS trajectory prediction. CoRR abs/2109.03958. arxiv:2109.03958 (2021).
Ferreira, M. D., Spadon, G., Soares, A. & Matwin, S. A semi-supervised methodology for fishing activity detection using the geometry behind the trajectory of multiple vessels. Sensors 22, 6063. https://doi.org/10.3390/s22166063 (2022).
Alam, M. M., Spadon, G., Etemad, M., Torgo, L. & Milios, E. Enhancing short-term vessel trajectory prediction with clustering for heterogeneous and multi-modal movement patterns. Ocean Eng. 308, 118303 (2024).
Isaac Newton, I.Bernard Cohen & Anne Whitman. Proposition 75, Theorem 35. In The Principia: Mathematical Principles of Natural Philosophy, 3rd Edition (1726), 956 (University of California Press, 1999).
Zipf, G. K. The P1 P2/D hypothesis: On the intercity movement of persons. Am. Sociol. Rev. 11, 677–686. https://doi.org/10.2307/2087063 (1946).
Jung, W.-S., Wang, F. & Stanley, H. E. Gravity model in the Korean highway. Europhys. Lett. 81, 48005. https://doi.org/10.1209/0295-5075/81/48005 (2008).
Ventura, P. C., Aleta, A., Rodrigues, F. A. & Moreno, Y. Modeling the effects of social distancing on the large-scale spreading of diseases. Epidemics 38, 100544. https://doi.org/10.1016/j.epidem.2022.100544 (2022).
Kramer, A. M. et al. Spatial spread of the west Africa Ebola epidemic. Royal Soc. Open Sci. 3, 160294. https://doi.org/10.1098/rsos.160294 (2016).
Van Bergeijk, P. A. & Brakman, S. The Gravity Model in International Trade: Advances and Applications (Cambridge University Press, 2010).
González, M. C., Hidalgo, C. A. & Barabási, A.-L. Understanding individual human mobility patterns. Nature 453, 779–782. https://doi.org/10.1038/nature06958 (2008).
Tu, N., Adiputranto, D., Fu, X. & Li, Z.-C. Shipping network design in a growth market: The case of Indonesia. Special Issue on China’s Belt and Road Initiative 117, 108–125. https://doi.org/10.1016/j.tre.2017.10.001 (2018).
Ducruet, C., Itoh, H. & Berli, J. Urban gravity in the global container shipping network. J. Transp. Geogr. 85, 102729. https://doi.org/10.1016/j.jtrangeo.2020.102729 (2020).
Beyer, R. M., Schewe, J. & Lotze-Campen, H. Gravity models do not explain, and cannot predict, international migration dynamics. Humanit. Soc. Sci. Commun. 9, 1–10. https://doi.org/10.1057/s41599-022-01067-x (2022).
Song, C., Qu, Z., Blumm, N. & Barabási, A.-L. Limits of predictability in human mobility. Science 327, 1018–1021. https://doi.org/10.1126/science.1177170 (2010).
Simini, F., González, M. C., Maritan, A. & Barabási, A.-L. A universal model for mobility and migration patterns. Nature 484, 96–100. https://doi.org/10.1038/nature10856 (2012).
Spadon, G., Carvalho, A. C., Rodrigues-Jr, J. F. & Alves, L. G. Reconstructing commuters network using machine learning and urban indicators. Sci. Rep. 9, 11801. https://doi.org/10.1038/s41598-019-48295-x (2019).
Masucci, A. P., Serras, J., Johansson, A. & Batty, M. Gravity versus radiation models: On the importance of scale and heterogeneity in commuting flows. Phys. Rev. E Stat. Phys. Plasmas Fluids Relat. Interdiscip. Topics 88, 022812. https://doi.org/10.1103/PhysRevE.88.022812 (2013).
Ren, Y., Ercsey-Ravasz, M., Wang, P., González, M. C. & Toroczkai, Z. Predicting commuter flows in spatial networks using a radiation model based on temporal ranges. Nat. Commun. 5, 5347. https://doi.org/10.1038/ncomms6347 (2014).
Mazzoli, M. et al. Field theory for recurrent mobility. Nat. Commun. 10, 3895. https://doi.org/10.1038/s41467-019-11841-2 (2019).
Wang, J., Ji, J., Jiang, Z. & Sun, L. Traffic flow prediction based on spatiotemporal potential energy fields. IEEE Trans. Knowl. Data Eng.https://doi.org/10.1109/TKDE.2022.3221183 (2022).
Simini, F., Barlacchi, G., Luca, M. & Pappalardo, L. A Deep Gravity model for mobility flows generation. Nat. Commun. 12, 6576. https://doi.org/10.1038/s41467-021-26752-4 (2021).
Rodrigues-Jr, J. F., Gutierrez, M. A., Spadon, G., Brandoli, B. & Amer-Yahia, S. Lig-doctor: Efficient patient trajectory prediction using bidirectional minimal gated-recurrent networks. Inf. Sci. 545, 813–827. https://doi.org/10.1016/j.ins.2020.09.024 (2021).
Spadon, G. et al. Pay attention to evolution: Time series forecasting with deep graph-evolution learning. IEEE Trans. Pattern Anal. Mach. Intell. 44, 5368–5384. https://doi.org/10.1109/TPAMI.2021.3076155 (2022).
Brandoli, B. et al. Aircraft fuselage corrosion detection using artificial intelligence. Sensorshttps://doi.org/10.3390/s21124026 (2021).
The Growth Lab at Harvard University. International trade data (SITC, rev. 2). https://doi.org/10.7910/DVN/H8SFD2 (2019).
Vaswani, A. et al. Attention is all you need. In: Guyon, I. et al. (eds.) Advances in Neural Information Processing Systems, vol. 30 (Curran Associates, Inc., 2017).
Carlini, E. et al. Understanding evolution of maritime networks from automatic identification system data. GeoInformatica 26, 479–503. https://doi.org/10.1007/s10707-021-00451-0 (2022).
National Geospatial-Intelligence Agency (NGA). World Port Index (Pub 150). https://msi.nga.mil/Publications/WPI (2019).
Bradie, J. N. & Bailey, S. A. A decision support tool to prioritize ballast water compliance monitoring by ranking risk of non-indigenous species establishment. J. Appl. Ecol. 58, 587–595. https://doi.org/10.1111/1365-2664.13822 (2021).
Etemad, M., Soares, A., Mudroch, P., Bailey, S. A. & Matwin, S. Developing an advanced information system to support ballast water management. Manag. Biol. Invasions 13, 68 (2022).
Bailey, S. A., Bradie, J. N., Ogilvie, D. & Mudroch, P. Global port environmental data used for environmental distance calculations [Dataset]. https://doi.org/10.5061/dryad.69p8cz906 (2020).
International Maritime Organization. Implementing the Ballast Water Management Convention. https://www.imo.org/en/MediaCentre/HotTopics/Pages/Implementing-the-BWM-Convention.aspx.
Tsolaki, E. & Diamadopoulos, E. Technologies for ballast water treatment: A review. J. Chem. Technol. Biotechnol. 85, 19–32. https://doi.org/10.1002/jctb.2276 (2010).
Gerhard, W. A. et al. Installation and use of ballast water treatment systems—Implications for compliance and enforcement. Ocean Coastal Manag. 181, 104907. https://doi.org/10.1016/j.ocecoaman.2019.104907 (2019).
Kas, M., Carley, K. M. & Carley, L. R. Incremental Closeness Centrality for Dynamically Changing Social Networks. In Proceedings of the 2013 IEEE/ACM International Conference on Advances in Social Networks Analysis and Mining - ASONAM’13. https://doi.org/10.1145/2492517.2500270 (Association for Computing Machinery (ACM), 2013).
Page, L., Brin, S., Motwani, R. & Winograd, T. The PageRank Citation Ranking : Bringing Order to the Web. In The Web Conference (1999). https://www.eecs.harvard.edu/~michaelm/CS222/pagerank.pdf.
Cormen, T., Leiserson, C., Rivest, R. & Stein, C. Introduction To Algorithms (MIT Press, 2001).
Konstantopoulos, T. Introduction to projective geometry. September (Dover Publications, 2012).
Gent Halili. Searoute-py: A python package to calculate the shortest sea route between two points on Earth. https://github.com/genthalili/searoute-py (2022).
Crucitti, P., Latora, V. & Porta, S. Centrality measures in spatial networks of urban streets. Phys. Rev. E 73, 036125. https://doi.org/10.1103/PhysRevE.73.036125 (2006).
Van Steen, M. Graph Theory and Complex Networks: An Introduction (Maarten van Steen, 2010).
Vragović, I., Louis, E. & Díaz-Guilera, A. Efficiency of informational transfer in regular and complex networks. Phys. Rev. E Stat. Nonlinear Soft Matter Phys. 71, 036122. https://doi.org/10.1103/PhysRevE.71.036122 (2005).
Codes for the representation of names of countries and their subdivisions - Part 2: Country subdivision code. Standard, International Organization for Standardization, Geneva, Switzerland (2020). https://www.iso.org/standard/72483.html.
Luca, M., Barlacchi, G., Lepri, B. & Pappalardo, L. A survey on deep learning for human mobility. ACM Comput. Surv. 55, 7:1-7:44. https://doi.org/10.1145/3485125 (2021).
Lenormand, M., Bassolas, A. & Ramasco, J. J. Systematic comparison of trip distribution laws and models. J. Transp. Geogr. 51, 158–169. https://doi.org/10.1016/j.jtrangeo.2015.12.008 (2016).
Barbosa, H. et al. Human mobility: Models and applications. Phys. Rep. 734, 1–74. https://doi.org/10.1016/j.physrep.2018.01.001 (2018).
Acknowledgements
This research was partially funded by the Natural Sciences and Engineering Research Council of Canada (NSERC), Grant number RGPIN-2022-03909; Sao Paulo State Research Foundation (FAPESP), Grant number 2016/17078-0 and 2022/12374-1; the Institute for Big Data Analytics (IBDA) and the Ocean Frontier Institute (OFI) at Dalhousie University, Halifax - NS, Canada; and further funded by the Canada First Research Excellence Fund (CFREF), the Canadian Foundation for Innovation MERIDIAN cyberinfrastructure. We thank all funding sources and Spire for providing the vessel trajectory dataset. We also thank Sarah Bailey, from the Great Lakes Laboratory for Fisheries and Aquatic Sciences, Fisheries and Oceans, Dartmouth - NS, Canada, for reviewing and sharing her thoughts about this paper.
Funding
Open access funding provided by Linnaeus University.
Author information
Authors and Affiliations
Contributions
Conceptualization, R.S. and G.S.; methodology, R.S., G.S. and A.S.; validation, R.S., G.S., and A.S.; formal analysis, R.S., and G.S.; data modeling, R.S. and G.S.; data curation, R.S., G.S., and A.S.; writing—original draft preparation, R.S. and G.S.; writing—review and editing, all authors; visualization, R.S.; supervision, G.S., A.S, R.P., and S.M.; project administration, G.S. and A.S.; funding acquisition, A.S., S.M., R.P., and G.S.; All authors have read and agreed to the published version of the manuscript.
Corresponding author
Ethics declarations
Competing interests
The authors declare no competing interests.
Additional information
Publisher's note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Rights and permissions
Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.
About this article
Cite this article
Song, R., Spadon, G., Pelot, R. et al. Enhancing global maritime traffic network forecasting with gravity-inspired deep learning models. Sci Rep 14, 16665 (2024). https://doi.org/10.1038/s41598-024-67552-2
Received:
Accepted:
Published:
DOI: https://doi.org/10.1038/s41598-024-67552-2
Comments
By submitting a comment you agree to abide by our Terms and Community Guidelines. If you find something abusive or that does not comply with our terms or guidelines please flag it as inappropriate.