Multitask Active Learning for Graph Anomaly Detection
Abstract.
In the web era, graph machine learning has been widely used on ubiquitous graph-structured data. As a pivotal component for bolstering web security and enhancing the robustness of graph-based applications, the significance of graph anomaly detection is continually increasing. While Graph Neural Networks (GNNs) have demonstrated efficacy in supervised and semi-supervised graph anomaly detection, their performance is contingent upon the availability of sufficient ground truth labels. The labor-intensive nature of identifying anomalies from complex graph structures poses a significant challenge in real-world applications. Despite that, the indirect supervision signals from other tasks (e.g., node classification) are relatively abundant. In this paper, we propose a novel MultItask acTIve Graph Anomaly deTEction framework, namely MITIGATE. Firstly, by coupling node classification tasks, MITIGATE obtains the capability to detect out-of-distribution nodes without known anomalies. Secondly, MITIGATE quantifies the informativeness of nodes by the confidence difference across tasks, allowing samples with conflicting predictions to provide informative yet not excessively challenging information for subsequent training. Finally, to enhance the likelihood of selecting representative nodes that are distant from known patterns, MITIGATE adopts a masked aggregation mechanism for distance measurement, considering both inherent features of nodes and current labeled status. Empirical studies on four datasets demonstrate that MITIGATE significantly outperforms the state-of-the-art methods for anomaly detection. Our code is publicly available at: https://github.com/AhaChang/MITIGATE.
1. Introduction
In light of the proliferation of the World Wide Web, graph-structured data has become increasingly pervasive. Concurrently, graph machine learning techniques have been extensively employed in various web mining tasks, such as recommendation systems (yang2021consisrec, ), community detection (jin2021survey, ), traffic forecasting (zhang2021graph, ), etc. To ensure the robustness and security of such graph learning-based applications in web environments, graph anomaly detection serves as an indispensable component. Graph anomaly detection aims to identify abnormal substructures (e.g., nodes) in graphs that exhibit significant deviations from established norms. It finds extensive applications in capturing high-risk entities and behaviors, including but not limited to spam detection (noekhah2020opinion, ), financial fraud detection (wang2019semi, ), and fake news detection (dou2021user, ).
In accordance with the insights presented in (liu2022bond, ; ding2021few, ), unsupervised methods heavily rely on the underlying data distribution to derive outlier patterns. Consequently, these methods may exhibit unstable performance when faced with data that contains specific domain knowledge or deviates from the assumed distribution. However, the intricate nature of graph structures, along with the high cost of manual annotation for both normal and anomalous nodes, prevents the collection of abundant ground truth labels, thereby limiting the feasibility of applying fully supervised learning approaches. This contradiction necessitates the exploration of alternative learning paradigms that can efficiently leverage limited supervision signals while also accommodating the complexities inherent in graph data.
Given the considerable expense of acquiring ground-truth labels for anomaly detection, it is a judicious choice to leverage the existing relatively abundant availability of labels for other graph learning tasks. In the application of graph learning, anomaly detection can enhance the stability of various tasks (e.g., node classification) by filtering out anomalies. Conversely, these tasks can serve as auxiliary tasks for anomaly detection and reciprocally provide external information (e.g., classification uncertainty) for augmenting the efficacy of anomaly detection. Besides, these auxiliary tasks inherently contain general information that can be mutually leveraged, providing an indirect supervision signals when the anomaly detection task is deficient in annotation (collobert2008unified, ; zhang2021survey, ).
Furthermore, to effectively leverage limited direct supervision signals for anomaly detection, some semi-supervised methods have been proposed (wang2019semi, ; dou2020enhancing, ; tang2022rethinking, ). These methods aim to enhance the learning of anomalous patterns based on the known anomalous nodes. The underlying assumption of these methods is that a subset of nodes including both normal and anomalous nodes have been annotated for training, and the labeled data is overall balanced. Nevertheless, it is non-trivial to acquire such an ideal training set from an unlabeled graph, one that contains sufficient knowledge for distinguishing normal and anomalous nodes, especially when constrained by a limited labeling budget. Active Learning (AL) paves a promising way for addressing the labeling problem, as it enables models to enhance their learning efficiency by actively requesting the labels in training data (campbell2000query, ; settles2009active, ; aggarwal2014active, ; zhang2021alg, ). It has also been applied in anomaly detection tasks (gornitz2013toward, ; ghasemi2011active, ; das2016incorporating, ), aiming at discovering more anomalies based on heuristic query strategies, such as uncertainty-based, diversity-based, and anomaly score-based strategies. In this way, a selection of samples that is more likely to contain a relatively higher proportion of anomalies can be used to fine-tune the model iteratively. However, existing query strategies for anomaly detection are primarily designed for independent and identically distributed data, which hardly consider relationships among samples and may not be well-suited for graph-structured data. Therefore, we urgently need a query strategy specifically for graph data to provide powerful direct supervision signals for anomaly detection.
To leverage the direct and indirect supervision signals efficiently and effectively, we propose a MultItask acTIve Graph Anomaly deTEction framework (MITIGATE). It incorporates external supervision signals from auxiliary tasks and productively exploits direct supervision signals by actively labeling nodes for anomaly detection. Specifically, we first consider a node classification task together with the anomaly detection task. We initialize the multitask framework by node classification and detect out-of-distribution samples (i.e., anomalies) with classification uncertainty. To query more valuable nodes, we then introduce a dynamic informativeness metric that relies on confidence difference and a representativeness metric based on the masked aggregation mechanism. Initially, in the absence of anomalies, we prioritize the informativeness metric to focus more on the classification uncertainty for picking out-of-distribution nodes to label. Afterward, in order to mitigate the variation in predictions for the same node across the two tasks, we consider nodes with greater confidence differences as being more informative. Note that these nodes are not particularly challenging samples, given that at least one of the tasks can correctly identify them. To enhance the diversity of selected nodes and handle the influence of neighbors that have already been labeled for selection, we re-aggregate the intermediate embedding by masking the feature of labeled neighbors and keeping a count of them. The former filters the previously labeled representative features, while the latter reduces the overall neighborhood information based on labeled status, thereby emphasizing the feature of the central nodes. The main contributions of this paper are summarized as follows:
-
•
We propose MITIGATE, a novel multitask active graph anomaly detection framework to detect anomalies within a limited labeling budget, which actively queries nodes with the guidance of external supervision signals.
-
•
To query more valuable nodes, we devise a dynamic strategy to measure the informativeness and representativeness of nodes according to the training and labeling status.
-
•
We conduct comprehensive experiments on four datasets to verify the effectiveness of the proposed method.
2. Problem Definition
In this section, we formulate the problem of active learning for graph anomaly detection.
Let denotes an attributed graph, where is the set of nodes, is the adjacency matrix and is the node attribute matrix. Note that anomaly labels are rare in the real world, but a portion of class labels are readily accessible. We denote the set of nodes labeled for classification as , and their corresponding labels are denoted by , with representing the number of classes. is the one-hot label of . is the labels for anomaly detection at the -th iteration, i.e., normal or anomalous. is the labels of for anomaly detection. We initialize a set of nodes with classification labels, i.e., , and regard them as normal nodes, . The key notations are summarized in Appendix A.
Given an attributed graph , a query strategy , labeling budget , the goal of an AL-based anomaly detection algorithm is to select a subset of nodes denoted as from the unlabeled node set , and label them in a way that minimizes the loss of the model :
(1) |
where and are the labeled and unlabeled sets after the -th selection. and is the budget in each iteration. Then, , , and labels for are used to train the model . For convenience, we define the labeling budget as the maximum number of nodes allowed to be labeled.
3. Method
In this section, we introduce the proposed MITIGATE framework. Firstly, we give an overview of the whole framework. Then, we elaborate on the selection strategy including the calculation of the distance features for clustering and confidence difference across tasks in Section 3.2. Finally, we introduce the training process of MITIGATE in detail in Section 3.3.
3.1. Overview
Figure 1 illustrates the pipeline of MITIGATE. It utilizes a shared encoder for node representation learning and two decoders for node classification and anomaly score prediction, respectively. Considering the multitask structure, we devise a node informativeness metric based on the confidence difference across tasks. To reduce the initial performance gap, we incorporate classification uncertainty into the informativeness score measurement. To promote diversity in node selection at each step, we employ the K-Medoids algorithm, which treats cluster centers as representative samples, with a novel distance measurement based on masked aggregation. From these centers, we select nodes with the highest informativeness scores. We then provide the set of selected nodes to an oracle and obtain their labels (e.g., normal or anomalous) for the anomaly detection task. Finally, we combine the selected set with the training set and continue training the model. The details of the encoder, node classifier, and anomaly score predictor are as follows:
3.1.1. Encoder
Due to both the node classifier and anomaly score predictor needing an encoder to reflect the graph topology and node attributes into a latent space, we adopt graph convolutional networks (GCNs) (kipf2016semi, ) to learn expressive node representations, and the layer-wise propagation is defined as:
(2) |
where and , is the identity matrix and is the weight matrix at the -layer.
3.1.2. Node classifier
We use a graph convolutional layer as the node classifier to further preserve the structural information of intermediate node representations as follows:
(3) |
where is the final output of the encoder and is the weight matrix for the node classifier. Due to anomalies being more likely to be uncertain in classification, we use entropy as the measure of anomaly probability, where a higher entropy score indicates a greater probability of being anomalous. The anomaly score of from the node classifier is
(4) |
3.1.3. Anomaly score predictor
The anomaly score predictor is built with a linear transformation along with a sigmoid function based on shared node representations:
(5) |
where is the predicted anomaly scores, is the weight matrix, and is corresponding bias term.
3.1.4. Hybrid anomaly score
Given that both the node classifier and anomaly score predictor possess the ability to detect anomalies, we adopt a weighted score function to combine the standard scores of two predictions as follows:
(6) |
where is the overall anomaly score, , is the mean, is the standard deviation, and is a hyperparameter to balance the importance of two predictions.
3.2. Node Selection
To benefit the overall performance for anomaly detection of the unified framework, we measure the value of nodes in terms of representativeness with distance-based clustering and informativeness with confidence difference.
3.2.1. Distance-based Clustering
To discover representativeness samples from the huge unlabeled data pool, we devise a masked aggregation mechanism for generating distance features that consider representations in latent space and features in the previously labeled set. Several methods (cai2017active, ; gao2018active, ) adopt the Euclidean distance to measure the distance between representations when performing clustering. This approach treats information equally among neighbors due to the mean aggregation mechanism in the GCN layer. However, in the distance-based node selection, the distance features should be impacted by the current labeled status in the neighborhood. Specifically, the chosen nodes exhibit representational features. This is one key reason for their selection during previous iterations. Thus, directly aggregating these features may affect the representativeness of central nodes. Therefore, we derive distance features through a masked aggregation mechanism, which considers labeled status in the neighborhood. Initially, in order to mitigate the impact of features pertaining to labeled neighbors, their representations will be masked during the summation of neighborhood information. Furthermore, to accentuate the distinctive features inherent to unlabeled nodes, we calculate the mean of neighborhood information according to the number of neighbors rather than the number of unlabeled neighbors. It suggests that in cases where more neighbors have been annotated, the influence of neighborhood information on the central node features will be diminished. In the -th selection, the distance features can be formulated as follows:
(7) |
where is the neighborhood of . Therefore, the distance between and can be calculated as follows:
(8) |
To this end, we combine the node features and labeled status of neighbors in the distance function, which can decrease the selection probability due to the high representative of neighbors rather than itself. After calculating the pairwise distance, we adopt K-Medoids clustering as previous studies (wu2019active, ; liu2022lscale, ), in which centers chosen for the candidate set must be real nodes within the graph. Additionally, the number of clusters is set to . We do not focus on querying more anomalies but on learning a predictive model to effectively distinguish normal and anomalous nodes from the aspects of classification uncertainty and anomaly score.
3.2.2. Confidence Difference
As both the node classifier and anomaly score predictor can identify anomalies, we give a definition for the model confidence in anomaly detection. For the node classifier, the entropy of predictions is used to justify whether a sample is anomalous as Eq. (4). The higher entropy score indicates a higher confidence for a node to be classified as an anomaly. Also, for the anomaly score predictor, the anomaly score is the indicator to describe the level of confidence. The confidence of the node classifier, denoted as , and the anomaly score predictor, denoted as , are described as follows:
(9) |
Note that the node classifier and anomaly detector do not always perform equally on the same nodes for anomaly detection at the same stage. For example, a node may receive conflicting predictive discrimination from the node classifier and anomaly detector. Specifically, it has a lower value on classification entropy, which indicates it is likely to be a normal node, while it has a higher anomaly score, which means it is more likely to be anomalous. To eliminate the influence of scale across different tasks, we normalize the entropy of classification and the anomaly scores using Z-scores. The confidence of the node classifier and anomaly score predictor can be reformulated as:
(10) |
where a higher value of and indicates a lower confidence of being normal and a higher confidence of being anomalous. Based on this, we can employ the Manhattan distance to quantify the confidence difference as follows:
(11) |
The high confidence difference indicates the controversy between two decoders. It’s important to note that these samples with conflicting predictions in binary classification are not challenging for model training since one of the tasks can effectively handle them. To align the decoders and facilitate consistent prediction, human experts can provide coherent information by labeling the nodes with high confidence differences. The visualization of confidence differences is shown in Figure 1(a).
3.2.3. Selection
To judiciously select samples suitable for model training and mitigate the influence of the absence of positive samples, we introduce a time-sensitive informativeness measurement. Firstly, as each node can exclusively belong to either the normal or anomalous category, the nodes predicted to have conflicting labels are more likely to contain crucial information essential for one of the tasks. Moreover, due to the scarcity of positive class samples during the initial training stages, anomalous patterns serve as more informative elements for the unified framework. Importantly, even with a subset of class labels, the node classifier can provide an initial prediction for anomalies, which is essential for the anomaly score predictor. We adopt an exponentially decaying parameter to dynamically combine the entropy scores of node classification and confidence difference across tasks during selection (liu2022lscale, ). The informativeness score is defined as follows:
(12) |
where is the number of selected nodes in the -th iteration, and can be set as a number close to 1.0, e.g., 0.99. In all, the informativeness score is initially influenced more by anomalies, and as training progresses, it shifts the emphasis toward identifying nodes with prediction conflicts from a model-centric perspective.
Recognizing that both the informativeness and representativeness indicate the value of a node, during each iteration, MITIGATE first utilizes the aforementioned distance-based clustering algorithm to choose a subset of high representative nodes, denoted as the candidate set . Subsequently, a set of nodes are chosen from according to their informativeness score. Algorithm 1 describes the selection process together with the model training.
3.3. Model Training
After each iteration of querying, MITIGATE is trained continually by optimizing from three aspects. First, we calculate the cross-entropy loss on the pre-labeled nodes for node classification, which will not be affected by selection.
(13) |
where is the one-hot label of node . Next, we employ a weighted binary cross-entropy loss, the widely used supervised loss for imbalanced data, on the labeled set for anomaly detection at each iteration.
(14) |
where is the ratio of anomaly to normal nodes in .
Note that the node classifier and anomaly score predictor rely on different types of annotations, i.e., the node classifier needs class information while the anomaly score predictor only needs to know whether a node is an anomaly or not. To leverage the information for the classification task from the queried set, in which nodes are only annotated as normal nodes or anomalies, we optimize the uncertainty of classification predictions on the whole labeled set, which can be formulated as:
(15) |
where and denotes the normal and anomalous node set at the -th iteration. In Eq. (15), we minimize the predicted uncertainty for normal nodes (the first term), while maximizing that for anomalies (the second term).
In all, the overall loss function of MITIGATE can be formulated as Eq. (16), where and are weighting parameters.
(16) |
4. Experiments
In this section, we extensively compare MITIGATE with state-of-the-art methods for anomaly detection.
4.1. Experiments Settings
4.1.1. Datasets
In our experiments, we adopt four widely used datasets with ground-truth labels for node classification. As there is no ground truth of anomaly detection, we inject contextual and structural anomalies following the previous studies (ding2019deep, ; luo2022comga, ; liu2022bond, ) to evaluate the effectiveness for anomaly detection of our method. We use two citation networks, Cora and Citeseer (sen2008collective, ), and two social networks, BlogCatalog and Flickr (tang2009relational, ). The details of the datasets are described in Appendix B.1. For each dataset, we randomly sample 500 nodes as a validation set and 1000 nodes as a test set and fix them for all methods for a fair comparison.
4.1.2. Baselines
We compare MITIGATE with three types of baselines, including (1) out-of-distribution (OOD) detection methods, including GCN-ENT (kipf2016semi, ), GKDE (zhao2020uncertainty, ), OODGAT-ENT and OODGAT-ATT (song2022learning, ), (2) semi-supervised anomaly detection methods, including FdGars (wang2019fdgars, ), GeniePath (liu2019geniepath, ), BWGNN (tang2022rethinking, ), and DAGAD (liu2022dagad, ), and (3) active query strategy for anomaly detection, including most positive query (GCN-Pos), positive diverse query (GCN-PosD) and diverse query (li2023deep, ) (GCN-Div). The details of these methods and their implementation are in Appendix B.2.
Cora | Citeseer | BlogCatalog | Flickr | |||||
Method | AUC-ROC | AUC-PR | AUC-ROC | AUC-PR | AUC-ROC | AUC-PR | AUC-ROC | AUC-PR |
GCN-ENT | 64.821.07 | 10.480.51 | 69.360.92 | 9.300.98 | 62.570.91 | 11.701.99 | 64.620.77 | 9.511.03 |
GKDE | 72.250.85 | 15.211.79 | 74.870.61 | 17.071.55 | 44.560.07 | 5.290.02 | 44.810.09 | 5.050.03 |
OODGAT-ENT | 69.703.50 | 15.116.65 | 70.014.45 | 12.229.96 | 56.522.24 | 8.941.55 | 53.521.83 | 7.600.63 |
OODGAT-ATT | 50.764.71 | 5.330.73 | 55.334.95 | 6.711.63 | 49.514.18 | 6.131.17 | 51.171.24 | 6.460.93 |
FdGars | 58.556.22 | 6.511.22 | 54.619.09 | 5.121.55 | 51.993.38 | 6.010.24 | 57.956.61 | 13.978.81 |
GeniePath | 54.426.41 | 6.410.35 | 48.894.94 | 4.940.32 | 50.251.81 | 5.800.20 | 50.261.21 | 5.970.14 |
BWGNN | 64.770.20 | 9.440.16 | 64.420.60 | 6.360.10 | 60.181.25 | 8.940.23 | 52.221.14 | 5.960.12 |
DAGAD | 58.300.30 | 19.174.83 | 61.523.21 | 14.101.82 | 56.522.89 | 9.030.92 | 63.220.33 | 11.664.40 |
GCN-Pos | 57.223.54 | 9.900.83 | 59.784.78 | 8.091.37 | 62.522.70 | 9.961.93 | 55.562.78 | 7.031.93 |
GCN-PosD | 62.242.07 | 12.001.11 | 61.540.68 | 7.540.21 | 62.421.63 | 9.791.77 | 57.244.85 | 10.394.86 |
GCN-Div | 61.232.88 | 9.051.00 | 56.547.19 | 10.553.42 | 65.513.86 | 11.451.50 | 66.892.02 | 10.441.76 |
MITIGATE-A | 73.593.53 | 17.002.55 | 71.253.00 | 20.216.48 | 63.943.08 | 12.402.50 | 68.893.37 | 15.691.72 |
MITIGATE-E | 72.811.52 | 15.981.95 | 74.121.53 | 14.601.97 | 63.002.10 | 12.092.67 | 68.263.01 | 14.183.83 |
MITIGATE | 75.452.27 | 18.802.46 | 78.030.94 | 23.326.63 | 66.203.04 | 13.602.74 | 70.163.00 | 17.331.95 |
4.1.3. Implementation Detail
In our experiments, we set the max budget , which means 80 nodes can be labeled, and we set at each iteration. We assume nodes have been annotated with classification labeled, where is the number of classes, and no anomalies as initial. For MITIGATE, we adopt Adam optimizer and the learning rate is set to 0.01. As to and in the overall loss function (Eq. (16)), in the informativeness score function (Eq. (12)), the number of clusters in K-Medoids algorithm, we tune the hyperparameters and select the best-performing results according to the validation set, the details are shown in Appendix B.3. We set the maximum epochs of training in each iteration to 300 and perform early-stopping when () stops to increase for 20 epochs. is the accuracy of the node classifier on in-distribution nodes and is the performance evaluation of the anomaly score predictor. We implement two variants of MITIGATE, namely MITIGATE-A and MITIGATE-E. MITIGATE-A uses predicted anomaly scores, while MITIGATE-E employs the entropy of classification as the final score for anomaly detection.
We adopt two widely used complementary measures in previous studies, including the Area Under Receiver Operating Characteristic Curve (AUC-ROC) and Area Under Precision-Recall Curve (AUC-PR). To mitigate results randomness, we run the proposed method and baselines 5 times with different random seeds and record the average scores and standard deviation.
4.2. Evaluation Results
We evaluate the anomaly detection performance of MITIGATE and all compared methods mentioned in Section 4.1.2 on the four datasets. The results are shown in Table 1 and Figure 2.
4.2.1. Overall Comparison
We evaluate the overall performance when the labeling budget is set to 80 (i.e., a maximum of 80 nodes can be labeled). The corresponding AUC-ROC and AUC-PR are reported in Table 1. We observe that MITIGATE significantly outperforms other methods under most metrics. (1) Comparison with classification methods. GKDE and OODGAT are two state-of-the-art methods for OOD detection, which only utilize a portion of labeled in-distribution nodes for training. Different from them, our MITIGATE adopts anomalies (i.e., out-of-distribution nodes) in the training process to better learn a decision boundary for anomaly detection. Experimental results demonstrate that MITIGATE outperforms these two methods, with at least 3.2% and 3.6% improvement in AUC-ROC and AUC-PR, respectively. (2) Comparison with semi-supervised anomaly detection methods. FdGars, GeniePath, BWGNN, and DAGAD are superior methods for node anomaly detection. However, these methods heavily rely on labeled data. When the labeling budget is low, which may lead to the absence of anomalies, these methods become frangible. It is evident that MITIGATE outperforms them, particularly in terms of AUC-ROC. (3) Comparison with query strategies for anomaly detection. These query strategies focus on selecting anomalies or high-uncertainty samples in anomaly detection. Though they may choose more anomalies, their performance remains suboptimal due to anomalies not always contributing significantly to the model and the potential challenges posed by uncertain nodes. More specifically, an anomalous sample, sharing similarities with known anomalous patterns, can yield a high anomaly score but may not provide substantially novel information to the model. Besides, hard samples that contain noisy information for model training also exhibit high uncertainty, and selecting such samples potentially hinders the model performance. Unlike them, MITIGATE selects samples based on the confidence difference across tasks. This implies that the chosen samples are informative for at least one task and are not excessively challenging, as one of the tasks can accurately identify them. (4) Comparison with MITIGATE varients. MITIGATE-A, MITIGATE-E, and MITIGATE differ in their final score for anomaly detection. It is observed that the results of using a single indicator do not differ significantly in identifying anomalies in most cases, whereas the weighted sum of these two components consistently offers discernible advantages. This is because MITIGATE-A and MITIGATE-E detect anomalies from a single aspect, namely the uncertainty of classification and the learnable anomaly scores, respectively, without incorporating external information from other facets. Moreover, this observation highlights the effectiveness of integrating classification tasks and anomaly detection tasks in the process of identifying anomalies.
4.2.2. Performance under Different Budget
We evaluate the performance of our proposed MITIGATE and several active query strategies for anomaly detection over the different numbers of labeled nodes for training. The results are shown in Figure 2. Compared with the other baselines, we can observe that MITIGATE achieves the best performance in AUC-ROC under each labeling budget in most of the compared settings. In particular, to achieve the AUC-ROC of 66.8% on Flickr, GCN-Div labels 80 nodes while MITIGATE only labels 16 nodes. We contribute the effectiveness of MITIGATE at a low labeling budget with the classification task, which can provide initial discrimination for anomalies and alleviate the absence of anomalies problem.
4.3. Parameter Analysis
We further analyze the majority of parameters in MITIGATE on Citeseer. The results are shown in Figure 3 and Figure 4.
4.3.1. Impacts of and
We analyze the impact of varying weights in the overall loss function as shown in Eq. (16). These weights are crucial in achieving a balance among the three components of the loss, namely the node classification loss, anomaly detection loss, and uncertainty loss. We evaluate MITIGATE for and and report the average results of 5 runs in Figure 3. We can observe that lower values of and higher values of lead to better performances. One possible reason is that the category characteristics in Citeseer are easy to differentiate. It further suggests that adjusting and properly can bring more benefits to the overall performance.
4.3.2. Impacts of
The weight term is essential in calculating the final anomaly scores by balancing the importance of classification uncertainty and learnable anomaly scores in Eq. (6). Figure 4(a) presents the AUC-ROC and AUC-PR of MITIGATE when varying . It is evident that although both terms are capable of identifying anomalies, their contributions are not equal. The optimal weight ratio between classification uncertainty and learnable anomaly score for the final anomaly score is 1:2 (i.e., ), indicating the anomaly predictor exerts a more pronounced influence in identifying anomalies.
4.3.3. Impacts of
As clustering plays a pivotal role in choosing representative nodes from the unlabeled set, we investigate the performance of MITIGATE by varying the number of clusters from 1 to 6 times the class number. As shown in Figure 4(b), we can observe that the optimal value of tends to be near , which leads to the optimal AUC-ROC and AUC-PR.
Dataset | Variants | AUC-ROC | AUC-PR |
---|---|---|---|
Citeseer | w/o uncertainty loss | 72.331.55 | 10.801.71 |
w/o entropy score | 76.353.77 | 15.754.77 | |
w/o confidence difference | 73.621.77 | 14.793.85 | |
w/o masked aggregation | 71.954.94 | 11.812.94 | |
w/o clustering | 69.331.87 | 21.221.69 | |
MITIGATE | 78.030.94 | 23.326.63 | |
Flickr | w/o uncertainty loss | 66.130.95 | 10.431.45 |
w/o entropy score | 65.513.12 | 10.061.82 | |
w/o confidence difference | 64.851.62 | 12.761.63 | |
w/o masked aggregation | 67.573.58 | 12.622.44 | |
w/o clustering | 68.482.04 | 12.453.01 | |
MITIGATE | 70.163.00 | 17.331.95 |
4.4. Ablation Study
We conduct an ablation study to examine the contribution of each key component in the proposed framework on Citeseer and Flickr. The results are shown in Table 2.
-
•
w/o uncertainty loss: it removes the uncertainty loss on selected nodes in Eq. (16).
-
•
w/o entropy score: it removes the classification uncertainty score in informativeness measurement in Eq. (12).
-
•
w/o confidence difference: it removes the confidence difference between tasks in informativeness measurement in Eq. (12).
- •
-
•
w/o clustering: it removes the distance-based clustering, which aims to discover representative nodes.
4.4.1. Uncertainty Loss
As shown in Table 2, we see that MITIGATE notably outperforms MITIGATE w/o uncertainty loss, exhibiting improvements of 5.7% and 12.5% in terms of AUC-ROC and AUC-PR, respectively. It indicates that incorporating the uncertainty loss from the classification perspective on selected nodes, which are exclusively labeled as normal or anomalous, can substantially improve the anomaly detection performance of MITIGATE.
4.4.2. Strategy of Node Selection
To verify the effectiveness of the proposed selection strategy, we conduct ablation tests on four variants. First, compared with MITIGATE w/o entropy score and MITIGATE w/o confidence difference, which remove partial of the informativeness score respectively, MITIGATE achieves the best performance. It indicates that both the classification uncertainty and confidence difference contribute to the node informativeness, and the dynamic combination of them is also effective. This is expected since the uncertainty loss is not a direct supervision for the node classifier and the performance of the anomaly score predictor performs worse at the beginning without anomalous samples. Besides, the comparison between MITIGATE w/o masked aggregation and MITIGATE w/o clustering indicates that the clustering makes a minimal or even negative contribution without efficient distance measurement. For instance, MITIGATE w/o clustering surpasses MITIGATE w/o masked aggregation by approximately 10% in terms of AUC-PR on Citeseer. Furthermore, when comparing MITIGATE and MITIGATE w/o masked aggregation, it is obvious that the proposed masked aggregation effectively improves the discriminative capability in anomaly detection. We argue that by masking representations for previously labeled nodes within the neighborhood, more representative nodes are selected in relation to both labeled and unlabeled sets.
5. Related Work
5.1. Active Learning for Anomaly Detection
Active learning aims to interactively select samples from unlabeled data to maximize model performance within limited labeling budgets. It has been extensively studied in the field of anomaly detection (gornitz2013toward, ; ghasemi2011active, ; das2016incorporating, ; zha2020meta, ). In contrast to traditional active learning, active anomaly detection focuses on discovering more anomalous samples. Several methods incorporate active queried data with the unsupervised learning paradigm in the training process. For instance, (gornitz2013toward, ) suggests querying samples close to the decision boundary, which means more uncertainty. (ghasemi2011active, ) suggests querying samples based on density to ensure a diverse distribution of predicted anomalous data for querying. Devising an effective query strategy to discover more anomalies becomes an important problem. (das2016incorporating, ; ning2022deep, ) aim to query the most anomalous sample according to predicted scores, while (das2019active, ) incorporates the density information with anomaly score. However, these greedy strategies prioritize short-term gains and may yield suboptimal results. To address this issue, deep reinforcement learning has been introduced to the design of query strategies. For example, Meta-AAD (zha2020meta, ) trains a meta-policy using auxiliary labeled datasets so that it can be directly applied to new unlabeled datasets without further tuning. In our work, we focus on improving the predictive performance for graph anomaly detection by leveraging corresponding auxiliary tasks to help the model training and sample querying processes.
5.2. Graph Anomaly Detection
Graph anomaly detection methods (wang2019fdgars, ; wang2019semi, ; tang2022rethinking, ; chai2022can, ) have been extensively studied in recent years, which assumes that a set of nodes have been labeled. Motivated by general GNN algorithms, several graph anomaly detection methods based on redesigned message passing and aggregation mechanisms have been proposed. For example, FdGars (wang2019fdgars, ) utilizes GCN to combine the characteristics of reviewers and their relationships. Semi-GNN (wang2019semi, ) employs hierarchical attention to model the multi-view graph for fraud detection. GraphConsis (liu2020alleviating, ) proposes to filter inconsistent neighbors in aggregation to maintain the unique semantic characteristics of the target node. Moreover, the imbalance between the majority and minority classes is another essential problem in anomaly detection. To alleviate this problem, PC-GNN (liu2021pick, ) incorporates label distribution information to sample neighbors in the aggregation process, while DAGAD (liu2022dagad, ) devises a graph data augmentation module to fertilize training set with generated samples. Different from the aforementioned spatial methods, BWGNN (tang2022rethinking, ) leverages spectral distribution information to capture graph anomalies with high-frequency and AMNet (chai2022can, ) adaptively combines signals of low-frequency and high-frequency to learn the node embedding for distinguishing the anomalous nodes. However, these methods may not work well when the labeling budget is relatively low since they highly rely on the initial labeled set, i.e., at least one negative sample needs to be labeled. Whereas, we focus on actively selecting nodes for annotation during the training process, which means the selected labeled nodes can bring more benefits to the target model.
5.3. Out-of-distribution Detection
Out-of-distribution (OOD) detection aims to distinguish samples drawn from a distribution different from the labeled in-distribution samples (zhou2021step, ). Extensive studies (liang2018enhancing, ; yu2019unsupervised, ; sehwag2020ssd, ; zhou2021contrastive, ) have been proposed for OOD detection on structured data, such as text and images. However, graph data contains not only structured attributes but also non-Euclidean topology structures. Consequently, several graph-specific OOD detection methods have been proposed, including uncertainty-based methods (zhao2020uncertainty, ; stadler2021graph, ) and graph learning-based methods (song2022learning, ; huang2022end, ). Uncertainty-based methods aim to use the confidence of a well-trained model on partial ID samples. GKDE (zhao2020uncertainty, ) adopts several uncertainty estimates-based metrics for OOD detection and finds the vacuity-based model has optimal performance, while GPN (stadler2021graph, ) devises an input-independent Bayesian update rule to model uncertainty on predicted categorical distribution. Besides, graph learning-based methods argue that the OOD samples can affect ID samples under the message-passing mechanism. For example, OODGAT (song2022learning, ) explicitly models the interaction between inliners and outliers, while LMN (huang2022end, ) learns to mix neighbors to mitigate the influence from OOD nodes. However, these methods have a limitation in that they cannot effectively utilize the supervision information from OOD samples.
6. Conclusion
In this paper, we proposed MITIGATE, a novel multitask active learning framework for graph anomaly detection within a limited labeling budget. MITIGATE comprises a node classifier and an anomaly score predictor, with the primary goal of enhancing the overall performance of anomaly detection through the selection of the queried set. Besides, the masked aggregation mechanism for distance features proves instrumental in selecting representative nodes. Additionally, node informativeness is dynamically measured by the confidence difference across tasks and classification uncertainty. Experimental results on four datasets demonstrate the effectiveness of MITIGATE compared with the state-of-the-art methods.
References
- [1] C. C. Aggarwal, X. Kong, Q. Gu, J. Han, and S. Y. Philip. Active learning: A survey. In Data classification, pages 599–634. Chapman and Hall/CRC, 2014.
- [2] H. Cai, V. W. Zheng, and K. C.-C. Chang. Active learning for graph embedding. arXiv preprint arXiv:1705.05085, 2017.
- [3] C. Campbell, N. Cristianini, A. Smola, et al. Query learning with large margin classifiers. In ICML, volume 20, page 0, 2000.
- [4] Z. Chai, S. You, Y. Yang, S. Pu, J. Xu, H. Cai, and W. Jiang. Can abnormality be detected by graph neural networks. In Proceedings of the Twenty-Ninth International Joint Conference on Artificial Intelligence (IJCAI), Vienna, Austria, pages 23–29, 2022.
- [5] R. Collobert and J. Weston. A unified architecture for natural language processing: Deep neural networks with multitask learning. In Proceedings of the 25th international conference on Machine learning, pages 160–167, 2008.
- [6] S. Das, M. R. Islam, N. K. Jayakodi, and J. R. Doppa. Active anomaly detection via ensembles: Insights, algorithms, and interpretability. arXiv preprint arXiv:1901.08930, 2019.
- [7] S. Das, W.-K. Wong, T. Dietterich, A. Fern, and A. Emmott. Incorporating expert feedback into active anomaly discovery. In 2016 IEEE 16th International Conference on Data Mining (ICDM), pages 853–858. IEEE, 2016.
- [8] K. Ding, J. Li, R. Bhanushali, and H. Liu. Deep anomaly detection on attributed networks. In Proceedings of the 2019 SIAM International Conference on Data Mining, pages 594–602. SIAM, 2019.
- [9] K. Ding, Q. Zhou, H. Tong, and H. Liu. Few-shot network anomaly detection via cross-network meta-learning. In Proceedings of the Web Conference 2021, pages 2448–2456, 2021.
- [10] Y. Dou, Z. Liu, L. Sun, Y. Deng, H. Peng, and P. S. Yu. Enhancing graph neural network-based fraud detectors against camouflaged fraudsters. In Proceedings of the 29th ACM international conference on information & knowledge management, pages 315–324, 2020.
- [11] Y. Dou, K. Shu, C. Xia, P. S. Yu, and L. Sun. User preference-aware fake news detection. In Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval, pages 2051–2055, 2021.
- [12] L. Gao, H. Yang, C. Zhou, J. Wu, S. Pan, and Y. Hu. Active discriminative network representation learning. In IJCAI International Joint Conference on Artificial Intelligence, 2018.
- [13] A. Ghasemi, H. R. Rabiee, M. Fadaee, M. T. Manzuri, and M. H. Rohban. Active learning from positive and unlabeled data. In 2011 IEEE 11th International Conference on Data Mining Workshops, pages 244–250. IEEE, 2011.
- [14] N. Görnitz, M. Kloft, K. Rieck, and U. Brefeld. Toward supervised anomaly detection. Journal of Artificial Intelligence Research, 46:235–262, 2013.
- [15] T. Huang, D. Wang, and Y. Fang. End-to-end open-set semi-supervised node classification with out-of-distribution detection. In Proceedings of the Thirty-First International Joint Conference on Artificial Intelligence, IJCAI 2022, 2022.
- [16] D. Jin, Z. Yu, P. Jiao, S. Pan, D. He, J. Wu, S. Y. Philip, and W. Zhang. A survey of community detection approaches: From statistical modeling to deep learning. IEEE Transactions on Knowledge and Data Engineering, 35(2):1149–1170, 2021.
- [17] T. N. Kipf and M. Welling. Semi-supervised classification with graph convolutional networks. arXiv preprint arXiv:1609.02907, 2016.
- [18] A. Li, C. Qiu, M. Kloft, P. Smyth, S. Mandt, and M. Rudolph. Deep anomaly detection under labeling budget constraints. In International Conference on Machine Learning, pages 19882–19910. PMLR, 2023.
- [19] S. Liang, Y. Li, and R. Srikant. Enhancing the reliability of out-of-distribution image detection in neural networks. In International Conference on Learning Representations, 2018.
- [20] F. Liu, X. Ma, J. Wu, J. Yang, S. Xue, A. Beheshti, C. Zhou, H. Peng, Q. Z. Sheng, and C. C. Aggarwal. Dagad: Data augmentation for graph anomaly detection. In 2022 IEEE International Conference on Data Mining (ICDM), pages 259–268. IEEE, 2022.
- [21] J. Liu, Y. Wang, B. Hooi, R. Yang, and X. Xiao. Lscale: Latent space clustering-based active learning for node classification. In Joint European Conference on Machine Learning and Knowledge Discovery in Databases, pages 55–70. Springer, 2022.
- [22] K. Liu, Y. Dou, Y. Zhao, X. Ding, X. Hu, R. Zhang, K. Ding, C. Chen, H. Peng, K. Shu, et al. Bond: Benchmarking unsupervised outlier node detection on static attributed graphs. Advances in Neural Information Processing Systems, 35:27021–27035, 2022.
- [23] Y. Liu, X. Ao, Z. Qin, J. Chi, J. Feng, H. Yang, and Q. He. Pick and choose: a gnn-based imbalanced learning approach for fraud detection. In Proceedings of the web conference 2021, pages 3168–3177, 2021.
- [24] Y. Liu, Z. Li, S. Pan, C. Gong, C. Zhou, and G. Karypis. Anomaly detection on attributed networks via contrastive self-supervised learning. IEEE transactions on neural networks and learning systems, 33(6):2378–2392, 2021.
- [25] Z. Liu, C. Chen, L. Li, J. Zhou, X. Li, L. Song, and Y. Qi. Geniepath: Graph neural networks with adaptive receptive paths. In Proceedings of the AAAI Conference on Artificial Intelligence, volume 33, pages 4424–4431, 2019.
- [26] Z. Liu, Y. Dou, P. S. Yu, Y. Deng, and H. Peng. Alleviating the inconsistency problem of applying graph neural network to fraud detection. In Proceedings of the 43rd international ACM SIGIR conference on research and development in information retrieval, pages 1569–1572, 2020.
- [27] X. Luo, J. Wu, A. Beheshti, J. Yang, X. Zhang, Y. Wang, and S. Xue. Comga: Community-aware attributed graph anomaly detection. In Proceedings of the Fifteenth ACM International Conference on Web Search and Data Mining, pages 657–665, 2022.
- [28] J. Ning, L. Chen, C. Zhou, and Y. Wen. Deep active autoencoders for outlier detection. Neural Processing Letters, pages 1–13, 2022.
- [29] S. Noekhah, N. binti Salim, and N. H. Zakaria. Opinion spam detection: Using multi-iterative graph-based model. Information processing & management, 57(1):102140, 2020.
- [30] V. Sehwag, M. Chiang, and P. Mittal. Ssd: A unified framework for self-supervised outlier detection. In International Conference on Learning Representations, 2020.
- [31] P. Sen, G. Namata, M. Bilgic, L. Getoor, B. Galligher, and T. Eliassi-Rad. Collective classification in network data. AI magazine, 29(3):93–93, 2008.
- [32] B. Settles. Active learning literature survey. University of Wisconsin-Madison Department of Computer Sciences, 2009.
- [33] D. B. Skillicorn. Detecting anomalies in graphs. In 2007 IEEE Intelligence and Security Informatics, pages 209–216. IEEE, 2007.
- [34] Y. Song and D. Wang. Learning on graphs with out-of-distribution nodes. In Proceedings of the 28th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, pages 1635–1645, 2022.
- [35] M. Stadler, B. Charpentier, S. Geisler, D. Zügner, and S. Günnemann. Graph posterior network: Bayesian predictive uncertainty for node classification. Advances in Neural Information Processing Systems, 34:18033–18048, 2021.
- [36] J. Tang, J. Li, Z. Gao, and J. Li. Rethinking graph neural networks for anomaly detection. In International Conference on Machine Learning, pages 21076–21089. PMLR, 2022.
- [37] L. Tang and H. Liu. Relational learning via latent social dimensions. In Proceedings of the 15th ACM SIGKDD international conference on Knowledge discovery and data mining, pages 817–826, 2009.
- [38] D. Wang, J. Lin, P. Cui, Q. Jia, Z. Wang, Y. Fang, Q. Yu, J. Zhou, S. Yang, and Y. Qi. A semi-supervised graph attentive network for financial fraud detection. In 2019 IEEE International Conference on Data Mining (ICDM), pages 598–607. IEEE, 2019.
- [39] J. Wang, R. Wen, C. Wu, Y. Huang, and J. Xiong. Fdgars: Fraudster detection via graph convolutional networks in online app review system. In Companion proceedings of the 2019 World Wide Web conference, pages 310–316, 2019.
- [40] Y. Wu, Y. Xu, A. Singh, Y. Yang, and A. Dubrawski. Active learning for graph neural networks via node feature propagation. arXiv preprint arXiv:1910.07567, 2019.
- [41] L. Yang, Z. Liu, Y. Dou, J. Ma, and P. S. Yu. Consisrec: Enhancing gnn for social recommendation via consistent neighbor aggregation. In Proceedings of the 44th international ACM SIGIR conference on Research and development in information retrieval, pages 2141–2145, 2021.
- [42] Q. Yu and K. Aizawa. Unsupervised out-of-distribution detection by maximum classifier discrepancy. In Proceedings of the IEEE/CVF international conference on computer vision, pages 9518–9526, 2019.
- [43] D. Zha, K.-H. Lai, M. Wan, and X. Hu. Meta-aad: Active anomaly detection with deep reinforcement learning. In 2020 IEEE International Conference on Data Mining (ICDM), pages 771–780. IEEE, 2020.
- [44] Q. Zhang, K. Yu, Z. Guo, S. Garg, J. J. Rodrigues, M. M. Hassan, and M. Guizani. Graph neural network-driven traffic forecasting for the connected internet of vehicles. IEEE Transactions on Network Science and Engineering, 9(5):3015–3027, 2021.
- [45] W. Zhang, Y. Shen, Y. Li, L. Chen, Z. Yang, and B. Cui. Alg: Fast and accurate active learning framework for graph convolutional networks. In Proceedings of the 2021 International Conference on Management of Data, pages 2366–2374, 2021.
- [46] Y. Zhang and Q. Yang. A survey on multi-task learning. IEEE Transactions on Knowledge and Data Engineering, 34(12):5586–5609, 2021.
- [47] X. Zhao, F. Chen, S. Hu, and J.-H. Cho. Uncertainty aware semi-supervised learning on graph data. Advances in Neural Information Processing Systems, 33:12827–12836, 2020.
- [48] W. Zhou, F. Liu, and M. Chen. Contrastive out-of-distribution detection for pretrained transformers. In Proceedings of the 2021 Conference on Empirical Methods in Natural Language Processing (EMNLP), 2021.
- [49] Z. Zhou, L.-Z. Guo, Z. Cheng, Y.-F. Li, and S. Pu. Step: Out-of-distribution detection in the presence of limited in-distribution labeled data. Advances in Neural Information Processing Systems, 34:29168–29180, 2021.
Appendix A Notations
Here we list the key notations in our paper in Table 3.
Notation |
Description |
---|---|
Graph, adjacency matrix, attribute matrix, node set. |
|
The total budget, query batch size. |
|
The set of nodes labeled for classification. |
|
The set of labeled nodes at the -th iteration. |
|
The set of unlabeled nodes at the -th iteration. |
|
The set of selected nodes at the -th iteration. |
|
The entropy of predictions from node classifier. |
|
The anomaly score from anomaly score predictor. |
|
The overall anomaly score. |
|
The latent embedding of at the -th iteration. |
|
The distance feature of at the -th iteration. |
|
The masked distance between and . |
|
The confidence of node classifier and anomaly score predictor in identifying anomalies. |
|
The confidence difference. |
|
The informativeness score. |
|
The decaying parameter in informativeness score. |
|
The weight term in overall anomaly score. |
|
, |
Weight of classification and anomaly detection loss. |
The number of clusters. |
Appendix B DETAILS OF EXPERIMENTAL SETTINGS
B.1. Datasets
We employ four datasets to evaluate the performance of MITIGATE. Cora and Citeseer [31] are two citation networks, in which nodes represent papers while edges represent citation relationships among papers. The class labels denote corresponding academic fields. BlogCatalog and Flickr [37] are two social networks, in which nodes represent users while edges represent social relationships between users. The class labels denote the interests of users. The dataset statistics are shown in Table 4.
Following the previous studies [8, 24, 22, 20], we inject contextual and structural anomalies into four widely used datasets: Cora, CiteSeer, Flickr, and BlogCatalog. (1) Structural anomalies. The idea behind synthetic structural anomalies is that anomalies can manifest as densely connected nodes within small cliques [33]. For every clique, nodes are randomly selected and interconnected completely. Repeating this step times to generate cliques, ultimately injecting structural anomalies. In our experiments, we fix and set to for BlogCatalog, Flickr, Cora, and CiteSeer, respectively. (2) Contextual anomalies. The contextual anomalies are injected by perturbing the attributes of nodes. Initially, a node is randomly selected from the vertex set . Then, additional nodes are sampled from , forming a subset . For each node , we measure the Euclidean distance to and subsequently adjust the attributes of to be the same as with the largest distance. In our experiments, we set and the number of contextual anomalies as , following previous studies to ensure an adequately large disturbance magnitude and to balance the proportions of different anomaly types [24].
Dataset | #Nodes | #Edges | #Attributes | #Class | #Anomalies |
---|---|---|---|---|---|
Cora | 2,708 | 5,429 | 1,433 | 7 | 150 |
CiteSeer | 3,327 | 4,732 | 3,703 | 6 | 150 |
BlogCatalog | 5,196 | 171,743 | 8,189 | 6 | 300 |
Flickr | 7,575 | 239,738 | 12,047 | 9 | 450 |
B.2. Baselines
In our experiments, the compared methods include (1) OOD detection methods (GCN-ENT, GKDE, OODGAT-ENT and OODGAT-ATT), (2) semi-supervised anomaly detection methods (FdGars, GeniePath, BWGNN and DAGAD), (3) active query strategy for anomaly detection (most positive query, positive diverse query, and diverse query). The details of the baselines are as follows:
-
•
GCN-ENT [17] is a vanilla GCN method that identifies anomalous nodes by uncertainty measured based on the entropy of node classification.
-
•
GKDE [47] is a Graph-based Kernel Dirichlet GCN method for semi-supervised node classification and OOD detection.
-
•
OODGAT [34] is a graph learning method with OOD nodes to distinguish inliers from outliers during feature propagation. In particular, OODGAT-ENT uses the entropy of the predicted distribution as an indicator of outliers, while OODGAT-ATT relies on the score provided by a binary classifier.
-
•
FdGars [39] is an anomaly detection method based on GCN that expresses the characteristics of reviewers and relationships between reviewers.
-
•
GeniePath [25] proposes to adaptively select receptive paths for different nodes in aggregation for anomaly detection.
-
•
BWGNN [36] analyzes graph anomalies in the spectral domain and leverages Beta graph wavelet to better capture anomaly information on graphs.
-
•
DAGAD [20] devises an augmentation module that fertilizes the training set with generated samples to alleviate the scarcity of anomalous samples.
-
•
Most positive query selects the top-k samples ordered by their anomaly scores.
-
•
Positive diverse query combines anomaly scores with distance-based diversification into querying.
-
•
Diverse query [18] utilizes k-means++ to initialize diverse clusters. The probability of another query from the unlabeled set is proportional to its distance to the closest sample already in the query set.
We implement GKDE 111https://github.com/zxj32/uncertainty-GNN, OODGAT 222https://github.com/SongYYYY/KDD22-OODGAT, BWGNN 333https://github.com/squareRoot3/Rethinking-Anomaly-Detection and DAGAD 444https://github.com/FanzhenLiu/DAGAD using the code published by their authors. For FdGars and GeniePath, we use the code provided by an open-source library 555https://github.com/safe-graph/DGFraud for graph anomaly detection. Regarding other active query strategies, we adopt the code 666https://github.com/aodongli/Active-SOEL provided by [18], and use the same network structure as the encoder and anomaly score predictor in MITIGATE.
B.3. Implementation Notes
We conduct all experiments on a Linux server with 64G RAM, and 2 NVIDIA GeForce RTX 2080TI with 11GB GPU memory. We implement MITIGATE with Python 3.8.1 and PyTorch 2.0.1. We report our hyperparameter settings that are tuned on the validation set with 5 runs in Table 5.
Cora | Citeseer | BlogCatalog | Flickr | |
0.95 | 0.90 | 0.98 | 0.98 | |
1.25 | 0.50 | 1.25 | 1.25 | |
0.50 | 2.00 | 1.00 | 0.50 | |
1.25 | 2.00 | 1.00 | 0.50 | |
24 | 24 | 18 | 27 |