Sequential Attention Source Identification Based on Feature Representation
Abstract
Snapshot observation based source localization has been widely studied due to its accessibility and low cost. However, the interaction of users in existing methods does not be addressed in time-varying infection scenarios. So these methods have a decreased accuracy in heterogeneous interaction scenarios. To solve this critical issue, this paper proposes a sequence-to-sequence based localization framework called Temporal-sequence based Graph Attention Source Identification (TGASI) based on an inductive learning idea. More specifically, the encoder focuses on generating multiple features by estimating the influence probability between two users, and the decoder distinguishes the importance of prediction sources in different timestamps by a designed temporal attention mechanism. It’s worth mentioning that the inductive learning idea ensures that TGASI can detect the sources in new scenarios without knowing other prior knowledge, which proves the scalability of TGASI. Comprehensive experiments with the SOTA methods demonstrate the higher detection performance and scalability in different scenarios of TGASI.
1 Introduction
Numerous studies have demonstrated that rumors spread quickly in social networks Qian et al. (2018); Wang et al. (2022b), which could be extremely harmful to society. The issues of automatically resisting rumors, i.e., content-based rumor identification and rumor source identification, have garnered much attention in recent years Dong et al. (2019); Jin et al. (2017); Song et al. (2021); Lao et al. (2021); Yang et al. (2021); Khoo et al. (2020). However, it is still difficult to effectively cut off and control the propagation of rumors in social networks if only to identify the fake news instead of locating the rumor sources. Therefore, more and more studies focus on the problem of rumor source identification in social networks based on the network structure Jiang et al. (2016); Jin and Wu (2021).

The corresponding methods of rumor source identification are classified into two types, including infection-status-based methods and sensor-based methods Dong et al. (2019). In practice, the sensors sometimes cannot be presciently deployed in the break area in advance, and the sensor deployment process requires time and space overhead Paluch et al. (2020). In contrast, the infection-status-based methods have broader application scenarios because the snapshots are easier to obtain in practice Diepold et al. (2022).
However, most of the infection-status-based methods, e.g., IVGD Wang et al. (2022a), SL_VAE Ling et al. (2022), assume that the attributes of all individuals (e.g., the infection probability or influence intensity) in a network is known in advance. Obviously, it is difficult to obtain such information in practice due to the huge labor and statistical costs. Although the SOTA methods, e.g., GCNSI Dong et al. (2019) and GCSSI Dong et al. (2022), try to identify the rumor sources without using the information of the underlying propagation model, they do not explicitly consider the user’s interactive behavior when several time-varying snapshots are conveniently available. Therefore, the lack of essential behavior representation results in the limited performance of current localization methods in the complicated social network. Besides, the scalability of the model reflects the extensive application and robustness in practice Agarwal et al. (2021). But the source localization methods so far have not considered the transfer performance of the model in new scenarios (different propagation models or different social networks, denoted as inductive learning Michalski (1983)). In summary, there is no sequence based inductive localization model for time-varying snapshots to consider the impact of user’s behavior features on propagation.
In this paper, we study the multiple rumor source detection (MRSD) problem and focus on addressing the above issues. Our goal is to design a generic source localization framework with transferability, especially can analyze the behavior diversity in time-varying infection scenarios. In practice, there should be a potentially heterogeneous influence between any two users in a social network no matter what the complex propagation models are. And such the corresponding influence can be evaluated from a collection of available snapshots with time-varying infection characteristics in discontinuous timestamps. So we can infer the sources by using these available captured snapshots. Such a problem is presented in Fig. 1. To this end, considering the excellent embedding ability of Graph Neural Network (GNN) Welling and Kipf (2016) for node attributes (or node features) and the outstanding modeling ability of the Gate Recurrent Unit (GRU) Chung et al. (2014) for time series data, we propose a novel sequence-to-sequence model called Temporal-sequence based Graph Attention Source Identification (TGASI). The input is a set of infection snapshots at available timestamps in a social network, and the output is a set of predicted sources. The TGASI model includes a GNN-based encoder to generate and aggregate the low-dimensional feature embedding of each individual, and a GRU-based decoder to infer the source with a temporal attention mechanism. The major contributions of TGASI are as follows.
-
•
A generic sequence-to-sequence framework with transferability is designed for source localization, enabling TGASI to transfer to new diffusion models and social networks for source prediction without knowing other prior knowledge. And a unique loss function is designed to further enhance the performance of TGASI in the source localization task.
-
•
We design a deep module based on the stationary distribution of a Markov chain to learn the user’s probability transition matrix in order to differentiate the user behavior diversity and consider the influence of heterogenous behavior on propagation. Then a high quality representation of the interactive behavior embedding is obtained.
-
•
We design the dynamic infection features and static topology features to enrich the representation of low-dimensional embedding. The propagation information based dynamic features can better fit the source localization task, and topological features can better incorporate the graph-level task into a sequence based framework.
-
•
A one-timestamp based attention mechanism is introduced to further comprehensively consider the weight of the source prediction probability at different timestamps. Dynamically distinguishing the importance of different timestamps can solve the imbalance of infection information under temporal characteristics.
2 Related Work
TGASI is a sequence based framework to solve the source localization problem based on the infection status observations. Therefore, the infection-status-based localization and sequence-to-sequence learning are summarized.
2.1 Infection-status-based Source Localization
The aim of the source localization is to infer a set of sources in a network based on some observations. Due to the convenience and feasibility of snapshot acquisition, several recent surveys on this topic are available Jiang et al. (2016); Shelke and Attar (2019). A novelty method LPSI designs a source prominence based label propagation method to identify the source without using the prior knowledge Wang et al. (2017). With the development of deep learning, Dong et al. inspired by LPSI design a GCN based source identification (GCNSI) model to solve the MRSD problem Dong et al. (2019). However, they only simply consider the centrality features of individuals. Therefore, some studies focus on more features in the source localization task, such as the SIGN method extracting the individual’s dynamic features Li et al. (2021), and the MCGNN method considering the edge features Sun et al. (2021). Moreover, the dynamic features of the propagation are also considered before executing the source inferring process, like IVGD Wang et al. (2022a), SL_VAE Ling et al. (2022). However, all the above methods do not consider and analyze the impact of time series characteristics on source localization. In summary, there is no generic sequence-to-sequence model for source localization to comprehensively consider the behavior features under available time-varying snapshots.
2.2 Sequence-to-Sequence Learning
With the rapid development of deep learning, sequence-to-sequence learning shows great performance on various tasks based on the characteristic of time series Sutskever et al. (2014). For example, Chung et al. propose the gated recurrent unit (GRU), whose performance is comparable to LSTM Hochreiter and Schmidhuber (1997) with lightweight overhead Chung et al. (2014). And GCSSI is a sequence-to-sequence framework using GRU as a recurrence unit to learn the time series features Dong et al. (2022). Currently, the novel encoder-decoder architecture for supervised discrete time dynamic graph (DTDG) learning focuses on the various dynamics in the real world, which brings new ideas to the embedding of temporal information Zhu et al. (2022). TGASI is based on the one of DTDG architectures, called the static graph encoder and sequential decoder, for the MRSD task. The dynamic intuition in TGASI refers to the dynamic infection features of each individual in different timestamps. We improve such a framework to analyze the behavioral features of individuals under time-varying characteristics based on the inductive learning idea, so that the trained TGASI can be applied to different networks and different propagations.

3 Methodology
3.1 Problem Definition
Given a collection of captured available snapshots with different timestamps based on an undirected network = , where is the timestamp set of complete propagation chain (including unavailable snapshots, i.e., <, and <), is the set of the node state, and =1 if the observed state of node is infected, otherwise =0. And we denote the original rumor sources set as . The goal of our method in the MRSD problem is to predict a source set which can maximize indicator like .
3.2 Temporal-sequence Based Graph Attention Source Identification
In this part, an inductive framework based on the graph-level task for source localization is proposed, namely temporal-sequence based graph attention source identification. As shown in Fig. 2, the framework of TGASI is an encoder-decoder essentially. More specifically, a GNN-based encoder generates and embeds the node’s features, which include coarse-grained-based source probability, dynamic infection features, and static topology features. And a GRU-based decoder with a temporal attention mechanism infers the source by decoding the embedding from the encoder.
3.2.1 Features Generation Encoder
Considering the complicated behavior diversity in social networks in practice, and such the potential relationship of any two users can be characterized as a heterogenous influence. Then a deep heterogeneous influence estimation method is proposed to automatically learn the influence matrix , where represents the probability that an infected-state node successfully influences its uninfected neighbor . Note that because people are influenced by celebrities to buy endorsement products but celebrities do not be influenced in reverse. More specifically, a propagation mechanism is used to predict the infection state of the snapshot of the next timestamp . Here the is a nonlinear mapping function to characterize a propagation scheme based on the learnable matrix . Based on the mapping, we can construct the predicted snapshots matrix , i.e.,
(1) |
Note that the selection of the propagation mapping function is flexible, and it can be designed autonomously based on deep models, e.g., GCNs Welling and Kipf (2016) or attention-based graph models Velickovic et al. (2018). As for the detailed underlying design, some research has demonstrated that users in social networks have the ability to identify and prevent fraud Baesens et al. (2015); Ventola (2014). So we use the IC strategy that only has one opportunity to activate the neighbors instead of the common widely used random walk that can be infected multiple times. What’s more, the stationary distribution of a Markov chain revises the distribution bias of influence parameters (i.e., ) in the diffusion process Salamat et al. (2020). Motivated by the stationary distribution of influence diffusion models Xia et al. (2021), an approximate stationary distribution of a Markov chain based on the IC diffusion model is adopted for , as defined in Eq. (2).
(2) |
where is the neighbors set of node , and is an available snapshot in timestamp . The equation means that the state of node in the next timestamp is approximately influenced by the heterogenous behavior of its neighbors in the timestamp . In order to further improve the efficiency of the learning process of this propagation parameter on the graph-level task, we manually design two rules that conform to propagation. First, we set =0 and remove the corresponding learning gradient if there is no edge between and . Second, the propagation parameter theoretically should be greater than 0, and we take the absolute value when the learning parameter in order to increase the penalty of MSE loss. Then we generalize the nonlinear mapping function from one node to network , and use to guide an MLP to evaluate the influence matrix .
Although there are many classic sequence-to-sequence models such as AGC-Seq2Seq Zhang et al. (2019) and i-Revnet Jacobsen et al. (2018); Chang et al. (2018) to directly identify the source based on the data of the snapshots, the sparse features (we only have two available features whether the state is infected or not) and lack of parameters in hidden layers restrict the ability to learn the spatial-temporal information in the localization task. So we construct some necessary feature embedding based on user behavior diversity .
First, We consider the coarse-grained source probability based on the behavioral interaction under each independent snapshot , which is denoted as . GNN can efficiently and conveniently embed the user’s influence information in into the message-passing process. Inspired by the invertible graph residual network, is designed by using the following graph convolution operation.
(3) |
where is a learnable weight matrix in the GCN module, is the number of observed infection features which imply the infected state and uninfected state (denoted as here), is the hidden size of GCN in one timestamp , is the activation function, is the output feature of all nodes in a timestamp , is the residual weight, and is the Lipschitz constants to initialize . Here, we convert the observed state feature of snapshots into a one-hot encoding, characterizing that the infected state and uninfected state are categorical variables rather than numeric variables. The operation can enhance the learning ability and interpretability of the deep module. What’s more, the learnable weight matrix is normalized via the power iteration method to achieve the Lipchitz constant in order to guarantee the stronger robustness and accelerate convergence speed Wang et al. (2022a). Then, we consider the infection characteristics of all nodes in each available timestamp according to the source localization task, and design two infection features of node in timestamp , which is shown in Eq. (4) and Eq. (5).
(4) |
(5) |
where and is a infected neighbor’s feature of in an available timestamp , and similarly is the uninfected neighbor’s feature. The and are interpretable, and the proof is in the appendix due to the limited space.
Theorem 1.
The ratio of the neighbor’s infected state and uninfected state are special variants of infected feature and uninfected feature , respectively.
The aim of designing these embedding (i.e., -) is to make the decoder efficiently learn the propagation features and predict the source. However, the common input of the time series decoder is sequence based data. It is necessary to additionally design the rules if the input includes graph information. There are two reasons why we do not directly process the decoder in the form of graph recurrent layer, such as . First, the format constraints of the recurrent unit and would lead to too few learnable parameters and reduce the model’s learning capacity. The second reason is that designing topological features in the encoder expands the dimensionality of the embedding and increases the quality and interpretability of the embedding. So we use a one-layer GCN to design the topology feature embedding in a low-dimensional way to better solve the graph-level based localization task, as shown in Eq. (6).
(6) |
where is a learnable weight matrix, and is the output topology features of all nodes. Therefore, we implement the feature embedding from a high-dimensional graph to a low-dimensional vector.
We get the coarse-grained source probability , the infection features and in the timestamp , and the network topology from the encoder. And the embedding in the timestamp can be obtained by concatenating these features.
(7) |
3.2.2 GRU-based Decoder with Temporal Attention
For the available snapshots with different timestamps , we can acquire the embedding , , , etc., from the encoder. Next, a time series decoder needs to be designed to predict the source by using the embedding. To determine the output dimension, we identify the source localization problem as a node binary classification problem, then we use a target function that includes the loss of all nodes to constrain the training on graph-level . A bidirectional lightweight time series module, i.e., Bi-GRU, is used as the decoder to predict the source. The update function is shown in Eq. (8).
(8) |
where and are the hidden layer state of the model at the timestamp and the previous timestamp, and are the update and new gates, respectively. We input the embedding of snapshot sequence into a Bi-GRU model, and the forward GRU infer the source based on the snapshots from the timestamp to , and we denote the output predicted binary classification for all nodes of the hidden layer in the timestamp as . Similarly, the output of backward GRU is represented as . Finally, the two hidden layer states of the timestamp are concatenated, i.e., .
For any timestamp , each node has features output by the Bi-GRU. However, it is difficult to determine exactly at which timestamp the source probability can be evaluated. Because the infection information is imbalanced in different timestamps. That is, the information in the earlier propagation stage is lacking. And the information in the later propagation stage is highly coupled and overlapping. Thus, we design a temporal attention mechanism to dynamically adjust the weight of predicted source probability in different timestamps. A one-timestamp adjacency matrix is designed to enhance the attention ability for the infection timestamps, which is defined as follows.
(9) |
And the self-attention focusing on the weight of different timestamps is implemented by a shared attentional mechanism : to compute the attention coefficients corresponding to the timestamp and timestamp of a node , which indicates the importance of timestamp ’s features to timestamp .
(10) |
where , here the input feature is the double-times binary classification. And we apply a single-layer BP neural network for the attention mechanism , which is a weight vector with . Then to make coefficients easily comparable across different timestamps, we normalize the attentional mechanism.
(11) |
The normalized attention coefficients are used to compute a linear combination of the four features in one timestamp corresponding to them, to serve as the final source prediction for a node in timestamp with -head attention, which is shown in Eq. (12).
(12) |
After the final prediction for each node in each timestamp finishes, we pick the needed number (denoted as ) of predicted nodes by ranking the highest probability as the predicted source, such a source set is shown in Eq. (13).
(13) |
3.3 Loss Function
Further, we design a unique loss function for TGASI to better adapt to the task of source localization.
(14) |
Among them, using binary cross entropy is the main loss to train the complete process of TGASI. using mean square error is an encoder loss to constrain the learning process of source probability prediction for a single timestamp . And is a designed auxiliary loss to enhance the learning ability of the TGASI on the localization task.
(15) |
4 Experiments
4.1 Datasets and Baselines
Six social networks are selected to evaluate the performance of all localization methods 111The six datasets are available at: http://snap.stanford.edu.
Network | k | |||
Karate | 34 | 78 | 4.6 | |
Jazz | 198 | 2742 | 27.7 | |
4039 | 88234 | 43.69 | ||
Twitch-ES | 4648 | 59382 | 25.55 | |
Wiki-Vote | 7115 | 103689 | 29.15 | |
Page-Large | 22470 | 171002 | 15.22 |
To demonstrate the validity and novelty of the current work, we compare the TGASI method with the SOTA localization methods, including IVGD Wang et al. (2022a), SL_VAE Ling et al. (2022), GCSSI Dong et al. (2022), SIGN Li et al. (2021), MCGNN Sun et al. (2021), ResGCN Shah et al. (2020), GCNSI Dong et al. (2019).
4.2 Evaluation Metrics
By comprehensively considering the evaluation metrics of the baseline methods, we use two metrics, i.e., the standard F1-score Sokolova et al. (2006) (F1) and average error distance (AED) Dong et al. (2022).
(16) |
(17) |
Network | |||||||||||||||||
Algorithm | F1 | AED | F1 | AED | F1 | AED | F1 | AED | F1 | AED | F1 | AED | |||||
GCNSI | 0.117 | 1.78 | 0.05 | 1.93 | 0.003 | 2.21 | 0.004 | 2.23 | 0.001 | 2.41 | 0 | 2.89 | |||||
GCSSI | 0.213 | 1.58 | 0.071 | 1.85 | 0.007 | 2.17 | 0.009 | 2.18 | 0.002 | 2.38 | 0 | 3.11 | |||||
SIGN | 0.421 | 1.09 | 0.377 | 1.21 | 0.065 | 1.88 | 0.055 | 1.91 | 0.013 | 2.11 | 0 | 2.86 | |||||
ResGCN | 0.410 | 1.11 | 0.371 | 1.17 | 0.117 | 1.69 | 0.130 | 1.61 | 0.025 | 1.89 | 0.007 | 2.17 | |||||
MCGNN | 0.312 | 1.36 | 0.297 | 1.42 | 0.110 | 1.87 | 0.123 | 1.88 | 0.031 | 1.98 | 0 | 2.90 | |||||
IVGD | 0.91 | 0.517 | 0.93 | 0.371 | 1.17 | 0.375 | 1.19 | 0.257 | 1.44 | 0.103 | 2.04 | ||||||
SL_VAE | 0.377 | 1.18 | 0.353 | 1.22 | 0.291 | 1.39 | 0.277 | 1.43 | 0.196 | 1.73 | 0.012 | 2.35 | |||||
TGASI | 0.514 |
4.3 Settings and Optimizations
By following existing methods in the field of information propagation Xia et al. (2021) and rumor source localization Wang et al. (2022a); Ling et al. (2022), we use the independent cascade (IC) model as the underlying propagation model. Also in reference to their study, we pick 10% nodes as the ground-truth sources and simulate the IC propagation process based on to networks. And we set the low infection rates in the experiments due to the propagation characteristics of rumors in social media Kou and Gray (2017); Wang et al. (2022b). We independently generate 1000 sets of propagation. Each set includes several available snapshots with different timestamps. And we use a 10-fold cross-validation strategy to divide the training dataset and the test dataset, then the final result is output by taking the average prediction in the test dataset from each fold. Moreover, an early stopping mechanism is designed in order to avoid over-fitting in the training process.
4.4 Overall Experimental Results
The source detection performance based on the F1-score and AED metrics in to is shown in Tab. 2. The higher F1-score and the lower AED reveal better performances. In general, the models considering the propagation process generally have a better prediction performance than other methods, i.e., IVGD, and SL_VAE. And the most challenging baseline is IVGD. The main reasons are that GCNSI, SIGN, and ResGCN only design different training models from the perspective of neural network structure, GCCSI only considers the time series features, and MCGCN only solves the single source detection rather than the MRSD task. Although IVGD considers the individual’s comprehensive interaction based on the influence, it does not consider the impact of time series characteristics in the sequence data on source detection.
Compared with the optimal baseline IVGD, TGASI is comparable in , and TGASI based on the F1-score metric demonstrates an improvement of approximately 15% in , 54% in , 88% in , etc. Similarly, the comparison superiority of TGASI on the AED metric also increases with the network scale. In conclusion, TGASI outperforms all the SOTA methods on the basis of rigorous metrics in all datasets. There are three reasons: (1) The influence matrix is embedded through the graph residual network to imply the user interaction at each timestamp. (2) The dynamic infection features and static topology features are designed to fit the source localization task. (3) The attention mechanism distinguishes the weight and importance of decoder information at each different timestamp for source localization.
4.5 Comparison of Different Loss Functions
We specially design the loss function in the sequence-to-sequence framework to fit the source localization task. In order to prove the necessity of each component of the loss function we designed, we rigorously demonstrate the detection performance of TGASI by removing or replacing each item in the loss function. Some localization studies only use MSE as the loss function, so we first use the MSE loss to replace the main loss item , which is denoted as (). It can be seen from Tab. 3 that the performance of entropy loss on the TGASI model is better than that of MSE. Because we define the source localization task as a node binary classification task based on the graph-level constraint. What’s more, the other two loss items, i.e., and in , also play a positive role in the learning process of the TGASI model. So we further keep the main loss item unchanged, and remove the loss item or loss item , respectively. As can be seen from the last two rows of Tab. 3, we can conclude that both the loss item and the loss item positively guide the source detection of TGASI.
Network | ||||||||
Loss | F1 | Epoch | F1 | Epoch | F1 | Epoch | ||
5 | 6 | 6 | ||||||
0.5730 | 5 | 0.7013 | 6 | 0.6411 | 6 | |||
- | 0.5811 | 7 | 0.7132 | 6 | 0.6607 | 8 | ||
- | 0.5621 | 11 | 0.6933 | 10 | 0.6373 | 11 |
4.6 Ablation Study
We further study the influence of designed components of TGASI on the source detection performance to prove their contributions. The critical modules of the TGASI model include the coarse-grained feature based on the estimated influence matrix , the dynamic infection features and , the topology features of a social network , and the self-attention mechanism on different timestamps. So four variant models of TGASI are developed as follows.

We set the parameters of four variant models as the same as those in Sec. 4.3 to guarantee the rigor of the experiments. Due to the limited space, we only present the experiment results in -. As can be seen from Fig. 3 that it will lead to a performance decrease or a delay in the convergence speed of model training no matter removing any critical modules.
4.7 Scalability
The scalability of the model can evaluate whether the model can be applied in a variety of scenarios, which can reflect the strength of its transferability and robustness. The decoder we designed mainly includes Bi-GRU and attention mechanism, which can be used in the inductive learning task. We demonstrate the inductive learning capabilities of TGASI from two perspectives, including social networks and propagation models. More specifically, when we have trained the TGASI model using the snapshot set based on a social network =, we further apply the trained TGASI to the other snapshot set based on the other social network =, where and , and and are generated by different propagation models. Due to the better performance in , we use the trained TGASI model in to conduct inductive learning.
In the inductive learning of social networks, we replace the original test set of with another batch of snapshot sets generated by , , , , and . One issue that requires improvement in the future is the variation in the dimensionality of caused by network scale, which only is addressed by using the original topological embedding here. In order to rigorously evaluate TGASI’s performance in inductive learning, we also compare the inductive results with the native results of SOTA methods and TGASI on native datasets or propagation models. From figs. 4(a)-(b), the inductive learning ability of TGASI is similar to or better than the original detection performance of the optimal SOTA method. What’s more, it can be seen from Fig. 4(c) that the inductive performance in or is stronger than that in or . We conclude that the decreased extent of inductive performance is proportional to the deviation from the network scale corresponding to the trained baseline model.

In the inductive learning of propagation models, we use various propagation models, including the heterogeneous SI with infection rate , the heterogeneous SIR with recovery rate , the homogeneous SI with , and the homogeneous SIR with , to evaluate the source detection performance of TGASI in different propagation models. Figs. 4(d)-(e) show that the inductive learning ability of TGASI based on the propagation model is overall higher than 0.5 on the F-score metric, and is better than the original performance of all SOTA methods. Moreover, the performance of TGASI on the homogeneous model is better than that of the heterogeneous model because it is easier to accurately learn the influence information in the homogeneous models. And the performance of TGASI on the SI model is better than that of the SIR model because the interactive behavior and the temporal characteristic in the SIR model are more complicated.
5 Conclusion
In this paper, we pay attention to the source localization problem by considering the heterogeneous behavior diversity in time-varying infection scenarios, and we design a sequence-to-sequence framework TGASI with the transferability to share trained TGASI to different propagation models and social networks. Comprehensive experiments demonstrate the necessity of designed modules, i.e., a coarse-grained-based source probability feature, dynamic infection features, static topology features, a temporal attention mechanism, and a unique loss function for the localization task in TGASI. It’s worth mentioning that TGASI is the first source localization framework that considers scalability based inductive learning. So a trained TGASI model is suitable for other social networks and propagation models. And model transferability experiments demonstrate that the inductive detection performance of TGASI is overall superior to the original detection performance of SOTA methods. However, we also analyze that the source detection performance of TGASI could deteriorate when it transfers to some scenarios. So we are motivated to propose a novel localization framework in the future that can efficiently handle scalability under various scenarios.
Acknowledgments
This work was supported by the National Science Fund for Distinguished Young Scholars (No. 62025602), the National Natural Science Foundation of China (Nos. 61976181, 62261136549, U22B2036), Technology-Scientific and Technological Innovation Team of Shaanxi Province (No. 2020TD-013), Fok Ying-Tong Education Foundation, China (No. 171105), Fundamental Research Funds for the Central Universities (No. D5000211001), and Tencent Foundation and XPLORER PRIZE.
References
- Agarwal et al. [2021] Nidhi Agarwal, Akanksha Sondhi, Khyati Chopra, and Ghanapriya Singh. Transfer learning: Survey and classification. Smart innovations in communication and computational sciences, pages 145–155, 2021.
- Baesens et al. [2015] Bart Baesens, Veronique Van Vlasselaer, and Wouter Verbeke. Fraud analytics using descriptive, predictive, and social network techniques: a guide to data science for fraud detection. John Wiley & Sons, 2015.
- Chang et al. [2018] Bo Chang, Lili Meng, Eldad Haber, Lars Ruthotto, David Begert, and Elliot Holtham. Reversible architectures for arbitrarily deep residual neural networks. In Proceedings of the AAAI conference on artificial intelligence, volume 32, 2018.
- Chung et al. [2014] Junyoung Chung, Caglar Gulcehre, Kyunghyun Cho, and Yoshua Bengio. Empirical evaluation of gated recurrent neural networks on sequence modeling. In NIPS 2014 Workshop on Deep Learning, 12 2014.
- Diepold et al. [2022] Klaus Diepold, Sven Gronauer, Matthias Kissel, and Mohamed Ali Tnani. Data science for the environment. Trend Reports: Seminar on Machine Intelligence, 2022.
- Dong et al. [2019] Ming Dong, Bolong Zheng, Nguyen Quoc Viet Hung, Han Su, and Guohui Li. Multiple rumor source detection with graph convolutional networks. In Proceedings of the 28th ACM International Conference on Information and Knowledge Management, pages 569–578, 2019.
- Dong et al. [2022] Ming Dong, Bolong Zheng, Guohui Li, Chenliang Li, Kai Zheng, and Xiaofang Zhou. Wavefront-based multiple rumor sources identification by multi-task learning. IEEE Transactions on Emerging Topics in Computational Intelligence, 2022.
- Hochreiter and Schmidhuber [1997] Sepp Hochreiter and Jurgen Schmidhuber. Long short-term memory. Neural computation, 9(8):1735–1780, 1997.
- Jacobsen et al. [2018] Jorn-Henrik Jacobsen, Arnold Smeulders, and Edouard Oyallon. i-revnet: Deep invertible networks. arXiv preprint arXiv:1802.07088, 2018.
- Jiang et al. [2016] Jiaojiao Jiang, Sheng Wen, Shui Yu, Yang Xiang, and Wanlei Zhou. Identifying propagation sources in networks: State-of-the-art and comparative studies. IEEE Communications Surveys & Tutorials, 19(1):465–481, 2016.
- Jin and Wu [2021] Rong Jin and Weili Wu. Schemes of propagation models and source estimators for rumor source detection in online social networks: A short survey of a decade of research. Discrete Mathematics, Algorithms and Applications, 13(04):2130002, 2021.
- Jin et al. [2017] Zhiwei Jin, Juan Cao, Han Guo, Yongdong Zhang, and Jiebo Luo. Multimodal fusion with recurrent neural networks for rumor detection on microblogs. In Proceedings of the 25th ACM international conference on Multimedia, pages 795–816, 2017.
- Khoo et al. [2020] Ling Min Serena Khoo, Hai Leong Chieu, Zhong Qian, and Jing Jiang. Interpretable rumor detection in microblogs by attending to user interactions. In Proceedings of the AAAI conference on artificial intelligence, volume 34, pages 8783–8790, 2020.
- Kou and Gray [2017] Yubo Kou and Colin M Gray. Supporting distributed critique through interpretation and sense-making in an online creative community. Proceedings of the ACM on Human-Computer Interaction, 1(CSCW):1–18, 2017.
- Lao et al. [2021] An Lao, Chongyang Shi, and Yayi Yang. Rumor detection with field of linear and non-linear propagation. In Proceedings of the Web Conference, pages 3178–3187, 2021.
- Li et al. [2021] Liang Li, Jianye Zhou, Yuewen Jiang, and Biqing Huang. Propagation source identification of infectious diseases with graph convolutional networks. Journal of biomedical informatics, 116:103720, 2021.
- Ling et al. [2022] Chen Ling, Junji Jiang, Junxiang Wang, and Zhao Liang. Source localization of graph diffusion via variational autoencoders for graph inverse problems. In Proceedings of the 28th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, pages 1010–1020, 2022.
- Michalski [1983] Ryszard S Michalski. A theory and methodology of inductive learning. In Machine learning, pages 83–134. Elsevier, 1983.
- Paluch et al. [2020] Robert Paluch, Lukasz G Gajewski, Janusz A Holyst, and Boleslaw K Szymanski. Optimizing sensors placement in complex networks for localization of hidden signal source: A review. Future Generation Computer Systems, 112:1070–1092, 2020.
- Qian et al. [2018] Feng Qian, Chengyue Gong, Karishma Sharma, and Yan Liu. Neural user response generator: Fake news detection with collective user intelligence. In Proceedings of the International Joint Conference on Artificial Intelligence, volume 18, pages 3834–3840, 2018.
- Salamat et al. [2020] Amirreza Salamat, Xiao Luo, and Ali Jafari. Balnode2vec: Balanced random walk based versatile feature learning for networks. In 2020 International Joint Conference on Neural Networks (IJCNN), pages 1–8. IEEE, 2020.
- Shah et al. [2020] Chintan Shah, Nima Dehmamy, Nicola Perra, and Matteo Chinazzi. Finding patient zero: Learning contagion source with graph neural networks. arXiv preprint arXiv:2006.11913, 2020.
- Shelke and Attar [2019] Sushila Shelke and Vahida Attar. Source detection of rumor in social network–a review. Online Social Networks and Media, 9:30–42, 2019.
- Sokolova et al. [2006] Marina Sokolova, Nathalie Japkowicz, and Stan Szpakowicz. Beyond accuracy, f-score and roc: A family of discriminant measures for performance evaluation. In Australasian Joint Conference on Artificial Intelligence, pages 1015–1021, 2006.
- Song et al. [2021] Chenguang Song, Nianwen Ning, Yunlei Zhang, and Bin Wu. A multimodal fake news detection model based on crossmodal attention residual and multichannel convolutional neural networks. Information Processing & Management, 58(1):102437, 2021.
- Sun et al. [2021] Kuangchi Sun, Zhenfeng Huang, Hanling Mao, Aisong Qin, Xinxin Li, Weili Tang, and Jianbin Xiong. Multi-scale cluster-graph convolution network with multi-channel residual network for intelligent fault diagnosis. IEEE Transactions on Instrumentation and Measurement, 71:1–12, 2021.
- Sutskever et al. [2014] Ilya Sutskever, Oriol Vinyals, and Quoc V Le. Sequence to sequence learning with neural networks. Advances in neural information processing systems, 27, 2014.
- Velickovic et al. [2018] Petar Velickovic, Guillem Cucurull, Arantxa Casanova, Adriana Romero, Pietro Lio, and Yoshua Bengio. Graph attention networks. International Conference on Learning Representations, 2018.
- Ventola [2014] C Lee Ventola. Social media and health care professionals: benefits, risks, and best practices. Pharmacy and therapeutics, 39(7):491, 2014.
- Wang et al. [2017] Zheng Wang, Chaokun Wang, Jisheng Pei, and Xiaojun Ye. Multiple source detection without knowing the underlying propagation model. In Proceedings of the AAAI Conference on Artificial Intelligence, pages 217–223, San Francisco, CA, 2017. PALO ALTO, CA 94303 USA.
- Wang et al. [2022a] Junxiang Wang, Junji Jiang, and Liang Zhao. An invertible graph diffusion neural network for source localization. In Proceedings of the ACM Web Conference, pages 1058–1069, 2022.
- Wang et al. [2022b] Zhen Wang, Dongpeng Hou, Chao Gao, Jiajin Huang, and Qi Xuan. A rapid source localization method in the early stage of large-scale network propagation. In Proceedings of the ACM Web Conference, pages 1372–1380, 2022.
- Welling and Kipf [2016] Max Welling and Thomas N Kipf. Semi-supervised classification with graph convolutional networks. In International Conference on Learning Representations (ICLR 2017), 2016.
- Xia et al. [2021] Wenwen Xia, Yuchen Li, Jun Wu, and Shenghong Li. Deepis: Susceptibility estimation on social networks. In Proceedings of the 14th ACM International Conference on Web Search and Data Mining, pages 761–769, 2021.
- Yang et al. [2021] Xiaoyu Yang, Yuefei Lyu, Tian Tian, Yifei Liu, Yudong Liu, and Xi Zhang. Rumor detection on social media with graph structured adversarial learning. In Proceedings of the twenty-ninth international conference on international joint conferences on artificial intelligence, pages 1417–1423, 2021.
- Zhang et al. [2019] Zhengchao Zhang, Meng Li, Xi Lin, Yinhai Wang, and Fang He. Multistep speed prediction on traffic networks: A deep learning approach considering spatio-temporal dependencies. Transportation research part C: emerging technologies, 105:297–322, 2019.
- Zhu et al. [2022] Yuecai Zhu, Fuyuan Lyu, Chengming Hu, Xi Chen, and Xue Liu. Learnable encoder-decoder architecture for dynamic graph: A survey. arXiv preprint arXiv:2203.10480, 2022.