A clean-label graph backdoor attack method in node classification task
Abstract
Backdoor attacks in the traditional graph neural networks (GNNs) field are easily detectable due to the dilemma of confusing labels. To explore the backdoor vulnerability of GNNs and create a more stealthy backdoor attack method, a clean-label graph backdoor attack method(CGBA) in the node classification task is proposed in this paper. Differently from existing backdoor attack methods, CGBA requires neither modification of node labels nor graph structure. Specifically, to solve the problem of inconsistency between the contents and labels of the samples, CGBA selects poisoning samples in a specific target class and uses the label of sample as the target label (i.e., clean-label) after injecting triggers into the target samples. To guarantee the similarity of neighboring nodes, the raw features of the nodes are elaborately picked as triggers to further improve the concealment of the triggers. Extensive experiments results show the effectiveness of our method. When the poisoning rate is 0.04, CGBA can achieve an average attack success rate of 87.8%, 98.9%, 89.1%, and 98.5%, respectively.
keywords:
Machine learning, Network security, Graph neural networks, Backdoor, Node classification1 Introduction
Graph Neural Networks (GNNs) have been demonstrating powerful modeling and prediction capabilities in multiple domains such as social network analysis1kumar2022influence ; 2zhang2022improving , recommender systems3gao2022graph ; 4wu2022graph , and chemical molecule prediction 5hao2020asgn ; 6wang2022molecular . However, similar to other machine learning models, GNNs face many security and privacy challenges. Backdoor attacks have attracted much attention as one of these potential threats.
Backdoor attacks aim to produce misleading results for a model under specific input samples or conditions by purposefully tampering with the training data or the model. While traditional backdoor attacks focus on tasks such as image 7feng2022fiba ; 8hua2023unambiguous ; 9gong2023kaleidoscope and natural language processing10li2022backdoors ; 11pan2022hidden , there is a scarcity of research on GNNs. In graphs, the relationships between nodes and edges contain rich information, and GNNs extract useful feature representations by learning from these relationships. However, this property also exposes potential opportunities for attackers to launch backdoor attacks against GNNs by tampering with the graph structure or feature representations in a targeted manner. Once the backdoor is successfully embedded in the model, an attacker can mislead the GNNs to produce incorrect outputs by triggering specific input patterns, which can lead to serious security issues. For example, in social networks, an attacker can add fake users to the network. There are some hidden connections between these fake users and real users, which may lead to false positives or omissions in anomaly detection by the GNN model.
Although there have been some explorations on backdoor attacks on GNNs12xi2021graph ; 13zheng2023link ; 14dai2023semantic ; 15zhang2021backdoor ; 16zheng2023motif ; 17alrahis2023poisonedgnn ; 18chen2022neighboring ; 34zhang2023graph , generally still in their infancy. Moreover, the majority of research focuses on graph classification, while backdoor attacks on node classification tasks are still very limited. Chen et al19chen2023feature . propose a backdoor attack method NFTA on node classification task using node features as triggers, which modifies the graph structure to avoid feature triggers from destroying the similarity between nodes. Dai et al20dai2023unnoticeable also believe that the insertion of triggers destroys the similarity between nodes, which will result in triggers that are easy to detect and unable to resist adversarial defense methods based on node similarity. To build an unnoticeable attack method, they propose UGBA (Unnoticeable Graph Backdoor Attack) from the perspective of limited attack budget and backdoor Unnoticeability. Existing methods of backdoor attacks on node classification tasks need to modify the labels of the nodes. In addition, to guarantee the similarity of nodes, they either tweak the graph structure or require additional optimization of feature triggers, and such attacks also have higher graph perturbation and attack overhead. To exploit the backdoor vulnerability of GNNs and build a simpler, more effective, and more stealthy backdoor attack, we propose a novel clean-label graph backdoor attack (CGBA) method for the node classification task.
Unlike existing node classification backdoor attacks, CGBA is a simple and effective attack method that requires neither modification of node labels nor additional optimization of feature triggers and graph structures. CGBA achieves efficient attack performance and invisibility by injecting only subtle triggers.
The difference between our approach and existing backdoor attacks is shown in Table 1.
NFTA | UGBA | Ours | |
---|---|---|---|
Node label modification | Y | Y | N |
Graph structure modification | Y | Y | N |
Node similarity | Y | Y | Y |
Specifically, we select poisoned nodes in a specific target class. Without modifying the node label after implanting a trigger on the poisoned node, we use the node’s own label as the target label, i.e., the clean-label. CGBA selects triggers among the raw features of nodes with larger degrees and does so for two reasons. First, according to the homogeneity assumption, nodes with the same label are usually more similar22li2022reliable , while the insertion of feature triggers may change the similarity20dai2023unnoticeable . Therefore, choosing raw features as triggers has less impact on the similarity between nodes, and also makes the presence of feature triggers more natural as well. Second, the importance of a node with a larger degree is higher and the node has more neighboring nodes (i.e., more similar nodes), thus using that node’s features as a trigger will further enhance the attack’s insidiousness.
The contribution of this paper is as follows:
-
1.
We propose CGBA, a clean-label backdoor attack on the node classification task, thereby enhancing the stealthiness of the backdoor.
-
2.
CGBA guarantees the similarity of features among neighboring nodes and the effectiveness of the attack without optimizing the graph structure and feature triggers, simplifying the attack process.
-
3.
Extensive experiments on multiple benchmark datasets are conducted to validate the effectiveness of the CGBA, and it exhibits significant robustness when facing defense methods based on node similarity.
The rest of this paper is organized as follows: In Section 2, we briefly review related works. Then, in Section 3, we introduce the related preliminaries and definitions. Our proposed core methodology is described in detail in Section 4. To validate the effectiveness of our methodology, extensive experiments and analyses are conducted on multiple benchmark datasets and models in Section 5. Finally, we summarize the paper in Section 6.
2 Related works
Backdoor attacks can be categorized into two types according to whether the labels are modified or not. One category is the dirty-label backdoor attack, which refers to the modification of the sample label to the target class after the trigger is implanted into the sample; the other category is clean-label backdoor attacks, which means that the trigger is injected into a specific class of samples, and then the original label of the sample is utilized as the target label.
2.1 Dirty-label backdoor attack in GNNs
Graph Classification: A GNN-oriented backdoor attack method is proposed by Zhang et al15zhang2021backdoor , employing fixed subgraphs as triggers. However, the use of fixed triggers renders the attack susceptible to detection. In GTA12xi2021graph , adaptive subgraphs are introduced as triggers, effectively enhancing the stealthiness of the attack. The impact of trigger injection at different locations on attack effectiveness is explored by Xu et al 31xu2021explainability from an interpretability perspective, with the aim of identifying optimal triggers. In contrast, Jiang et al32jiang2022defending employ interpretability to identify potential trigger locations, thus defending against GNN backdoor attacks. Given that backdoor attacks necessitate the correlation of triggers with labels, the Graph Contrastive Learning defense method is proposed by Chen et al33chen2023contrast , which does not rely on sample labels.
Node classification: Currently, there are fewer methods for backdoor attacks in node classification tasks. In NFTA19chen2023feature , some of the features of the nodes are employed as triggers, and the node labels are modified to the target class after implanting the triggers. To guarantee that modifying labels does not destroy the similarity between nodes, the graph structure is adaptively adjusted in NFTA. Since the insertion of triggers destroys the similarity between nodes, Dai et al20dai2023unnoticeable crop the edges between dissimilar nodes to effectively reduce the performance of the backdoor attack. To be able to create a more stealthy backdoor attack method, they propose the unnoticeable graph backdoor attack algorithm UGBA. UGBA introduces additional triggers to attach to the original graph. They optimize the triggers to ensure the similarity between nodes, which effectively improves the covertness.
2.2 Clean-label backdoor attack
Image Backdoor: The modification of image labels in a backdoor attack results in a discrepancy between the actual image content and the assigned label, making manual detection relatively straightforward. To circumvent manual detection, the clean-label backdoor attack method is proposed by Turner26turner2018clean , avoiding direct alteration of labels. In a bid to further bolster concealability, Ning et al35ning2021invisible simulate triggers as imperceptible noise, thereby augmenting the stealthiness of the triggers. Nevertheless, clean-label attack methods typically struggle to achieve a high attack success rate, as the poisoned nodes are confined to the target class. Consequently, the model tends to prioritize the learning of more resilient original features over triggers. Addressing this limitation, Gao et al36gao2023not advance the clean-label backdoor attack by strategically poisoning challenging samples instead of selecting them randomly.
Graph backdoor: At present, there is only one work for clean-label backdoor attacks in graph classification tasks 25xu2022poster . This scheme used subgraphs as triggers and injected triggers in specific target classes.
To the best of our knowledge, clean-label backdoor attacks have not been explored on node classification tasks, which is one of the motivations for our work. To bridge this gap, CGBA is proposed in this paper.
3 Preliminaries and problem formulation
Notations. For a graph with nodes, where represents the node set, ; represents the edge set, ; is the feature matrix consisting of node feature vectors, , where represents the feature vector of node , with each vector have a dimension of . The adjacency matrix represents the structural information of the graph, where indicates the existence of an edge between nodes and , while signifies the absence of an edge between nodes and . In GNNs, a graph is taken as input, comprising the adjacency matrix and node features . Subsequently, a low-dimensional representation (embedding) is generated for each node by GNN. Within the GNN framework, node representations are updated by aggregating information from their respective neighbors23kipf2016semi ; 24velivckovic2017graph . The ultimate node representations are employed for specific downstream tasks.
Threat models. The threat model in this work considers a gray-box model where the attacker cannot access any knowledge of the relational model but accesses the training dataset. Given a graph, the attacker can inject triggers into the target sample. The aim of the attacker is to expect the classifier to classify the samples with triggers into target label, and classify normally for samples that do not carry triggers.
Dirty-label backdoor attack in node classification. In the backdoor attack for the node classification task, denotes the trigger, and denotes the label of the node . is a mix function that denotes the injection of the trigger into the feature vector of the node . In a regular dirty-label backdoor attack, the label is modified to the target label after the trigger is injected into the sample, i.e.:
(1) |
In this work, the model obtained from the poisoning graph training is termed as the backdoor model and denotes the clean model. In the testing phase, unlabeled nodes with triggers are fed to the backdoor model , which is misled and classifies the labels of the unlabeled nodes into the target class , and behaves normally for the prediction of clean nodes. The process can be written as:
(2) |
Unlike the dirty-label backdoor attack, the clean-label backdoor attack uses the node’s own label as the target label. We detail our clean-label backdoor attack method in Section 4.
4 The proposed method
4.1 CGBA Overall Framework
In traditional backdoor attacks, the altered labels are inconsistent with the real contents of the samples, resulting in a backdoor that is easy to detect. Hence clean-label backdoor attacks aim to establish an association between the trigger and the original label to enhance the stealthiness of the backdoor and thus evade detection. Differently from regular backdoor attacks, the poisoned nodes in a clean-label backdoor attack are selected in a specific target class. Once the sample is injected into the trigger, the original label of the sample is utilized as the target label, i.e.:
(3) |
The overall framework of the CGBA is shown in Figure 1. Feature triggers are injected in nodes with label 0 and then the graph is leveraged to train the backdoor GNN model. It is worth noting here that the node label is not modified after injecting the trigger and the label remains 0. When an unlabeled target node with a trigger is fed into the backdoor model for testing, the model classifies the target node with the target label 0.
The trigger size is usually small and the proportion of poisoning is relatively low. Hence without changing the label, the model is more inclined to ignore the trigger and associate the original features of the sample with the target label. To achieve a clean-label attack, the typical approach is to interfere with the original features so that the model cannot learn the original features correctly, forcing the model to correlate the trigger with the target label26turner2018clean . However, we cannot significantly interfere with the original features in the graph data, which might change the feature similarity between nodes. Thus there is a major challenge in clean-label backdoor attacks in node classification: How to make the model correlate triggers well with labels without perturbing the original features?
To cope with this challenge, CGBA selects some of the robust features of nodes with larger degrees as triggers. First of all, the node’s own robust feature usually has a strong association with its own label, and using this feature as a trigger is conducive for the model to establish an association between the trigger and the label. Typically, features with larger values are more robust, so we choose the part of the original feature with the largest value as the trigger. Secondly, a node with a larger degree usually has more neighbors, which means that the node has more similar nodes. Furthermore, the node has a higher importance, and the training of the model is more influenced by this node. Selecting the features of this node as a trigger is less influential on the node similarity. In addition, the original features are naturally present in the feature vector of the node, which contributes to enhancing the stealthiness of the trigger.
To enable a clearer presentation of CGBA, we formalize the trigger selection process. Assume that the target node is with a -dimensional feature vector , and triggers are , . The set consisting of poisoned nodes is and the feature matrix is .
Feature triggers in both the matrix and the vector are bolded. The injection of a trigger can be formulated as:
It is important to note that after the feature triggers are selected, they are not injected randomly, but at the positions in the feature vector corresponding to the feature triggers. This is since in the eigenvectors, the eigenvalues at each position usually represent similar meanings. It can be seen that the triggers chosen in CGBA can be discontinuous. For instance, there are intervals in the eigenvectors between the eigenvalues and in the trigger . The purpose of this is to enhance stealth, as successive feature vectors are more conspicuous.
After the triggers are injected, the triggers are associated with the target labels by optimizing the cross-entropy loss. The loss can be formulated as:
(4) |
where denotes the target label, but in a clean-label backdoor attack, the target label is the true label of the node.
4.2 Algorithm design
Algorithm 1 describes the process of selecting and injecting triggers by CGBA.
The algorithm first finds the node with the largest degree and obtains the non-zero eigenvalue and index of that node, since non-zero elements on the eigenvector are effective eigenvalues. The non-zero values are then sorted in numerical order of magnitude and the largest eigenvalue is selected as the trigger according to the trigger size set in advance. Finally, we inject triggers into the target class to obtain the poisoned training dataset. Note that the non-zero values of some nodes may be sparse. When the number of non-zero eigenvalues is less than the trigger size, we take randomly generated eigenvalues to make up the trigger size. To guarantee trigger invisibility, the value of the randomly generated eigenvalues is limited to the value interval of the original non-zero eigenvalue.
5 Experiments
In this section, we conduct extensive experiments on four benchmark datasets to demonstrate the effectiveness of CGBA. Our evaluations mainly answer the following questions:
R1: How effective is the attack?
R2: How is the stealthiness?
R3: How does the clean-label backdoor attack method perform compared to the modified label backdoor attack method?
R4: How do hyperparameters affect the effectiveness of an attack?
5.1 Experimental settings
The main description here is the dataset, evaluation metrics, and parameters used in the experiments.
Datasets. A total of four benchmark datasets are utilized in the experiments, Cora, CiteSeer, PubMed27yang2016revisiting , and Flickr28zeng2019graphsaint . Cora, CiteSeer, and PubMed are three citation networks, and Flickr is a large-scale graph that connects image captions with the same attributes. Detailed information on the four datasets is provided in Table 2.
Datasets | Cora | CiteSeer | PubMed | Flickr |
---|---|---|---|---|
# Nodes | 2708 | 3327 | 19717 | 89250 |
# Edges | 5278 | 4552 | 44324 | 899756 |
# Classes | 7 | 6 | 3 | 7 |
# Features | 1433 | 3703 | 500 | 500 |
In a clean-label backdoor attack, the nodes that are poisoned belong to a specific class. Table 3 shows the total number of nodes in the training set and the number of nodes in each class in the training set for each dataset.
The number of classes in the four datasets is 7, 6, 3, and 7, respectively, and ”-” indicates that the class does not exist in the dataset. The number of nodes in each class in the Cora, CiteSeer, and PubMed is 20, and in the Flickr, there is a significant difference in the number of nodes in each class.
Datasets | Cora | CiteSeer | PubMed | Flickr |
---|---|---|---|---|
Num_train | 140 | 120 | 60 | 44625 |
Class 0 | 20 | 20 | 20 | 2628 |
Class 1 | 20 | 20 | 20 | 4321 |
Class 2 | 20 | 20 | 20 | 3164 |
Class 3 | 20 | 20 | - | 2431 |
Class 4 | 20 | 20 | - | 11525 |
Class 5 | 20 | 20 | - | 1742 |
Class 6 | 20 | - | - | 18814 |
Metrics: In our assessment, we primarily employ the following evaluation metrics: Attack success rate (ASR), Clean accuracy(CA), Clean accuracy drop (CAD), Attack accuracy after defense (DAA), and the discrepancy in model prediction accuracy for clean samples before and after defense (DPA).
ASR denotes the probability that the backdoor model predicts a sample with a trigger as the target class; CA denotes the prediction accuracy of the for clean samples; CAD denotes the difference between the prediction accuracy of the clean model for clean samples and the prediction accuracy of the for clean samples. Backdoor attacks should satisfy a low CAD since the implantation of triggers should not affect the model’s prediction results for clean samples as much as possible. If the injection of triggers causes the model’s prediction accuracy on clean samples to be too low, the model could not be deployed, which in turn leads to the failure of the attack. ASR can be formulated as:
(5) |
Where denotes the indicator function, and if * is True, then values 1. CAD can be formulated as:
(6) |
Where and denote the prediction accuracy of the clean model and the backdoor model for clean samples, respectively.
DAA represents the attack success rate on models after the defense, with the defense method used in this paper being an adversarial defense approach based on pruning low-similarity edges. DPA signifies the extent of reduction in the model’s predictive accuracy on clean data after undergoing data pruning.
The DPA can be written as:
(7) |
where denotes the prediction accuracy of the trained model on clean samples after defense cropping of the poisoned datasets. A good defense approach requires not only a small DAA but also a small DPA. if the DPA is too high, it indicates that defense cropping has caused the model’s accuracy on clean samples to drop too much.
Parameters: Three state-of-the-art models are used in our experiments, which are GraphSage29hamilton2017inductive , ChebNet37Chebnet2016 , and ARMAConv38ARMA2021 . Other parameters are shown in Table 4.
Type | Value |
---|---|
Loss function | Cross entropy |
Activation function | Relu |
Optimizer | Adam 30kingma2014adam |
Epoch | 400 |
Learning rate | 0.01 |
Random seed | 0 |
Similarity threshold T | 0.2 |
Dropout | 0.2 |
Baseline: At present, backdoor attack methods on node classification tasks are extremely limited, and there is not even any work on clean-label backdoor attacks. Therefore, we extend the State-of-the-art attack method UGBA20dai2023unnoticeable (WWW’23) to a clean-label attack as a baseline, which is called UGBA-C in this paper.The purpose of this is to make the comparison more fair. In NFTA19chen2023feature (IJIS’23), the position of the trigger is randomly generated, so we also add CGBA-R, a variant of CGBA, as a baseline. CGBA-R uses the same triggers as the CGBA attack method, but the injection position of the feature triggers is randomized.
5.2 Experiment results
R1: How effective is the attack?
To demonstrate the effectiveness of our method, we conduct extensive evaluations. The experiments contain a total of three models and four benchmark datasets, and the overall experimental results are shown in Table 5. PR(poisoning rate) is 0.04, and the trigger size is 0.05. The experimental results prove that our method achieves a favorable success rate of attack. For example, in ChebNet, CGBA achieves an average attack success rate of 87.8%, 98.9%, 89.1%, and 98.5% on the four datasets, where the average attack success rate refers to the average success rate of the attacks on each class. Obviously, our method outperforms CGBA-R in all cases, while for UGBA-C, the difference in the effectiveness of our attack on Cora, PubMed, and Flickr is not significant, but our attack on CiteSeer is significantly better than UGBA-C.
Regarding the Cora and PubMed datasets and the models GraphSAGE and ChebNet, the prediction accuracy of UGBA-C for clean samples is slightly higher than that of our scheme, but in Flickr, the accuracy of our scheme for clean samples is higher than that of UGBA-C. There is little difference in the experimental results for other datasets and models.
Overall, our scheme can achieve a satisfactory attack success rate. Furthermore, our scheme slightly outperforms the state-of-the-art method UGBA-C and significantly outperforms CGBA-R.
R2: How is the stealthiness?
There is no common metric for evaluating the stealthiness of a backdoor, and to demonstrate that the stealthiness of our method outperforms existing attack methods19chen2023feature ; 20dai2023unnoticeable , we analyze it from the perspectives of label modification, data perturbation, and adversarial defense.
Label modification: Since the clean-label backdoor attack method does not modify the real label of the samples, this method does not have the problem of inconsistency between the label and the contents of the samples. Therefore, clean-label backdoor attacks are generally considered to be more stealthy than backdoor attack methods that modify labels.
Data Perturbation: Existing methods require modification of the graph structure. Chen et al 19chen2023feature modified the graph structure to adapt to the similarity between nodes. In UGBA20dai2023unnoticeable , triggers are constituted by extra injected nodes, this attack will result in a modified graph that does not have the same number of nodes as the original graph. In our approach, only subtle feature triggers need to be injected without modifying the graph structure. In addition, the triggers we inject come from the node’s own features rather than externally inserted triggers, and the feature values of the triggers are strictly limited to the range of the node’s own features. This further enhances the invisibility of the trigger.
Adversarial defense: Since the insertion of feature triggers reduces the similarity between nodes, it makes the triggers susceptible to cropping by similarity-based adversarial defense methods20dai2023unnoticeable . To demonstrate the strong trigger concealment of our method, defense experiments are conducted on four poisoned datasets using a defense method based on low-similarity edge pruning. As shown in Table 6 are the results of the defense experiments on the four datasets. From the experimental results, it can be learned that after defense cropping, the attack success rate not only does not decrease but also improves to some extent. This phenomenon is more obvious in Cora and CiteSeer. This phenomenon occurs because the edges that are cropped out are not toxic, but clean edges in the graph. Therefore, instead of mitigating the toxicity, defense cropping amplifies the role of the trigger in the graph. In other words, the triggers in our method are more stealthy, and the cropping method based on low-similarity edges cannot effectively defend against the propagation of the triggers in the graph.
All of the above experiments are conducted under a fixed tailoring threshold, and to explore whether different pruning thresholds will affect the defense effect, we conduct experiments under different pruning thresholds.
As shown in Figure 2 for the experimental results in PubMed, the similarity thresholds are set from 0.1 to 0.5, respectively. As for the training set, any edge below the threshold is cropped out. The red horizontal dashed line in each subfigure represents the attack success rate before the defense, DAA represents the attack success rate after the defense, and DPA represents the difference in prediction accuracy of the backdoor model on clean samples before and after the defense. It can be seen that the attack success rate after cropping is still very close to the attack success rate before cropping when the threshold is 0.1. As the threshold value increases, the attack success rate not only does not decrease but also increases. The reason is that the CGBA backdoor attack method does not reduce the similarity between nodes, and the edges removed by defense cropping are clean in the original graph, not toxic edges. Cropping causes the role of triggers in the original training set to be amplified, so there is a situation where the success rate of the attack is higher after cropping. It can be observed that as the pruning threshold increases, DPA also increases. This indicates that as more clean edges are pruned, the reduction in predictive accuracy of the backdoor model for clean samples becomes more pronounced.
The results of the experiments on Cora, CiteSeer, and Flickr are shown in Table 7. From the Cora, similar results to PubMed can still be obtained. In Flickr, the attack success rate of the model is not significantly increased after cropping since the model has a high attack success rate even before data cropping. But cropping also failed to make the accuracy rate decrease significantly, which means that the defense cropping method is still ineffective.
Through extensive experiments on various datasets, it can be concluded that the adversarial defense method based on low similarity edge cropping cannot resist our backdoor attack method.
R3: How does the clean-label backdoor attack method perform compared to the modified label backdoor attack method?
Based on the above analysis, we know that the clean-label backdoor attack is more covert. To investigate the performance gap between the clean-label backdoor attack and the dirty-label backdoor attack, we compare the attack effectiveness of the two attack methods in the same setting. It is worth noting that the poisoned samples for the dirty-label backdoor attack are not selected among the target classes, but are chosen randomly. The experimental results are shown in Table 8.
Based on the above experimental results, it can be seen that the performance of clean-label backdoor attack is worse than dirty-label backdoor attack. In deep learning, the model needs to establish a good mapping between the robust features of the sample itself and the label, which in turn enables accurate prediction. However, in the clean-label backdoor attack, the model needs to associate the trigger with its own label, hence the robust features of the sample itself can seriously interfere with the attack. Therefore, the performance of clean-label backdoor attacks is usually lower than that of modified label backdoor attacks.
R4: How do hyperparameters affect the effectiveness of an attack?
The effect of poisoning rate: To investigate the effect of different poisoning rates (PR) on the effectiveness of the attacks, we set the PR to different values and conduct the experiments separately. The experimental results of different PRs on ASR and CAD are shown in Figure 3.
Overall, ASR shows a positive correlation with PR in different datasets. As PR increases, ASR shows an increasing trend, and this behavior is most obvious in Flickr. For some classes in Flickr, the ASR shows explosive growth for each percentage point increase in PR in a specific range. In different classes, the sensitive area of ASR changes with PR is different. For example, in Class 4 and Class 6, a high attack success rate can be achieved when the poisoning rate is only 1%, so the ASR changes less with increasing PR in this class. However, for all other classes, the attacks are less effective when PR is less than 2%, and ASR shows rapid growth as PR increases. However, the growth trend in the Cora, CiteSeer, and PubMed is relatively slow, especially in PubMed where the ASR increase trend is the slowest. The reason for this is that in Cora, CiteSeer, and PubMed datasets, the number of nodes in each class is relatively balanced and the number of nodes in the training set is less, so the attack success rate is worse compared to Flickr. The primary reason for this phenomenon is that, in the Cora, CiteSeer, and PubMed, the number of nodes in each class is relatively balanced, and there are fewer nodes in the training set, resulting in lower attack success rates compared to Flickr. In contrast, the Flickr exhibits an uneven distribution of nodes among classes, with significant disparities. For instance, the node counts for Class 4 and Class 6 are 11,525 and 18,814, respectively, while the node counts for other classes are all below 5,000. This is a key factor explaining why Class 4 and Class 6 achieve higher attack success rates at lower poisoning rates.
Regarding CAD, with an increase in PR, CAD does not exhibit significant overall changes. Some classes show a slight upward trend in CAD, but others do not display noticeable variations. At PR=0.06, CAD across various classes is nearly all below 3%. In other words, the insertion of triggers does not significantly impact the backdoor model’s predictive accuracy on clean samples, indicating that CGBA achieves favorable attack performance.
The effect of the degree of nodes on the experimental results: In a graph, nodes with large degree have more neighboring nodes, i.e., more similar nodes. We utilize the feature of that node as a trigger to increase the similarity of the nodes to improve the stealthiness of the trigger. Therefore, the above experimental results are the triggers selected in the node feature with the largest degree. To investigate whether the degree selection of a node affects the attack effect, we select the trigger in the node with the smallest degree for the second experiment. The experimental results are shown in Table 9.
When we select feature triggers from the minimum degree nodes, the attack success rate and all other metrics do not show a clear trend toward better or worse overall. In some classes of nodes, the attack success rate is better, but in some is lower. This illustrates that the degree of a node has little effect on the attack success rate, and it is more the features of the node that determine its label. Therefore, it is also necessary to explore the effect of different triggers on the experimental results.
The effect of different feature triggers on the experimental results: In the previous experiments, triggers consisted of the maximum feature values selected from nodes belonging to the target class. To explore the influence of different feature triggers on the experimental results, we conduct experiments using the minimum feature triggers and random feature triggers. It is important to note that both random features and minimum features are selected from non-zero feature vectors. Since the non-zero feature vectors of Cora and CiteSeer are sparse, only the PubMed and Flickr datasets are utilized for the experiments here.
From the experimental results in Figure 4, it is evident that Max feature triggers achieve a higher attack success rate, while Min feature triggers exhibit the lowest success rate, with Random feature triggers falling in between. Regarding CAD and DPA, no significant variations are observed across different classes. In contrast, DAA displays a noticeable increase in numerical values compared to ASR, while still adhering to the same pattern, indicating that Max feature triggers deliver superior overall attack performance.
The experimental findings pertaining to the Flickr are provided in Table 10. Notably, Max feature triggers demonstrate a superior level of attack effectiveness compared to Min feature and Random feature triggers. In the case of Class 4, the attack performance of Random feature triggers surpasses that of Min feature triggers, while in other classes, Min feature and Random feature triggers exhibit a comparable level of attack effectiveness. It is noteworthy that both CAD and DPA metrics exhibit consistent behavior across various trigger types, showing no significant deviations or fluctuations.
The effect of trigger size on experimental results: To investigate the effect of trigger size on the experimental results, the triggers are set to different sizes for the experiments in this paper. The experimental results of ASR and CAD for the four datasets are shown in Figure 5. Similar to PR, as the Trigger size increases, the attack success rate also shows a significant increase, but CAD still has no obvious trend.
6 Conclusions
In this paper, we propose CGBA, a clean-label backdoor attack scheme on node classification tasks. CGBA is a simple and effective attack scheme that does not modify the label of the nodes and the structure of the graph, and only injects subtle feature triggers to achieve high-performance attacks. To meet the similarity of neighboring nodes and avoid trigger edges being defended by cropping based on low-similarity edges, CGBA selects triggers in the node’s own features to further enhance the concealment. Overall, our method is less perturbing to the training dataset and thus has higher backdoor concealment. Extensive experiments are conducted on four benchmark datasets to demonstrate the effectiveness of the CGBA attack. Since there is no backdoor defense method on the node classification task, we conduct defense experiments against CGBA using classical defense methods in graph adversarial attacks. According to the experimental results, we observe that the adversarial defense method based on node similarity not only fails to effectively defend against CGBA but also improves the success rate of CGBA attacks, which also reveals that other effective defense methods need to be explored against CGBA. Therefore, in our future work, we will focus on further exploring the backdoor vulnerability of GNNs and exploring more effective backdoor defense methods for GNNs.
References
- (1) S. Kumar, A. Mallik, A. Khetarpal, B. Panda, Influence maximization in social networks using graph embedding and graph neural network, Information Sciences 607 (2022) 1617–1636, https://doi.org/10.1016/j.ins.2022.06.075.
- (2) Y. Zhang, S. Gao, J. Pei, H. Huang, Improving social network embedding via new second-order continuous graph neural networks, in: Proceedings of the 28th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, 2022, p. 2515–2523, https://doi.org/10.1145/3534678.3539415.
- (3) C. Gao, X. Wang, X. He, Y. Li, Graph neural networks for recommender system, in: Proceedings of the Fifteenth ACM International Conference on Web Search and Data Mining, 2022, pp. 1623–1625, https://doi.org/10.1145/3488560.3501396.
- (4) S. Wu, F. Sun, W. Zhang, X. Xie, B. Cui, Graph neural networks in recommender systems: a survey, ACM Computing Surveys 55 (5) (2022) 1–37, https://doi.org/10.1145/3535101.
- (5) Z. Hao, C. Lu, Z. Huang, H. Wang, Z. Hu, Q. Liu, E. Chen, C. Lee, Asgn: An active semi-supervised graph neural network for molecular property prediction, in: Proceedings of the 26th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, 2020, pp. 731–752, https://doi.org/10.1145/3394486.3403117.
- (6) Y. Wang, J. Wang, Z. Cao, A. Barati Farimani, Molecular contrastive learning of representations via graph neural networks, Nature Machine Intelligence 4 (3) (2022) 279–287, https://doi.org/10.1038/s42256-022-00447-x.
- (7) Y. Feng, B. Ma, J. Zhang, S. Zhao, Y. Xia, D. Tao, Fiba: Frequency-injection based backdoor attack in medical image analysis, in: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2022, pp. 20876–20885, https://doi.org/10.1109/CVPR52688.2022.02021.
- (8) G. Hua, A. B. J. Teoh, Y. Xiang, H. Jiang, Unambiguous and high-fidelity backdoor watermarking for deep neural networks, IEEE Transactions on Neural Networks and Learning Systemshttps://doi.org/10.1109/TNNLS.2023.3250210 (2023).
- (9) X. Gong, Z. Wang, Y. Chen, M. Xue, Q. Wang, C. Shen, Kaleidoscope: Physical backdoor attacks against deep neural networks with rgb filters, IEEE Transactions on Dependable and Secure Computinghttps://doi.org/10.1109/TDSC.2023.3239225 (2023).
- (10) S. Li, T. Dong, B. Z. H. Zhao, M. Xue, S. Du, H. Zhu, Backdoors against natural language processing: A review, IEEE Security & Privacy 20 (05) (2022) 50–59, https://doi.org/10.1109/MSEC.2022.3181001.
- (11) X. Pan, M. Zhang, B. Sheng, J. Zhu, M. Yang, Hidden trigger backdoor attack on nlp models via linguistic style manipulation, in: 31st USENIX Security Symposium (USENIX Security 22), 2022, pp. 3611–3628, https://dblp.org/rec/conf/uss/PanZSZ022.
- (12) Z. Xi, R. Pang, S. Ji, T. Wang, Graph backdoor, in: 30th USENIX Security Symposium (USENIX Security 21), 2021, pp. 1523–1540, https://dblp.org/rec/conf/uss/XiPJ021.
- (13) H. Zheng, H. Xiong, H. Ma, G. Huang, J. Chen, Link-backdoor: Backdoor attack on link prediction via node injection, IEEE Transactions on Computational Social Systemshttps://doi.org/10.1109/TCSS.2023.3260833 (2023).
- (14) J. Dai, Z. Xiong, A semantic backdoor attack against graph convolutional networks, arXiv preprint arXiv:2302.14353https://doi.org/10.48550/arXiv.2302.14353 (2023).
- (15) Z. Zhang, J. Jia, B. Wang, N. Z. Gong, Backdoor attacks to graph neural networks, in: Proceedings of the 26th ACM Symposium on Access Control Models and Technologies, 2021, pp. 15–26, https://doi.org/10.1145/3450569.3463560.
- (16) H. Zheng, H. Xiong, J. Chen, H. Ma, G. Huang, Motif-backdoor: Rethinking the backdoor attack on graph neural networks via motifs, IEEE Transactions on Computational Social Systemshttps://doi.org/10.1109/TCSS.2023.3267094 (2023).
- (17) L. Alrahis, S. Patnaik, M. A. Hanif, M. Shafique, O. Sinanoglu, Poisonedgnn: Backdoor attack on graph neural networks-based hardware security systems, IEEE Transactions on Computershttps://doi.org/10.1109/TC.2023.3271126 (2023).
- (18) L. Chen, Q. Peng, J. Li, Y. Liu, J. Chen, Y. Li, Z. Zheng, Neighboring backdoor attacks on graph convolutional network, arXiv preprint arXiv:2201.06202https://doi.org/10.48550/arXiv.2201.06202 (2022).
- (19) H. Zhang, J. Chen, L. Lin, J. Jia, D. Wu, Graph contrastive backdoor attackshttps://dblp.org/rec/conf/icml/ZhangCLJW23 (2023).
- (20) Y. Chen, Z. Ye, H. Zhao, Y. Wang, et al., Feature-based graph backdoor attack in the node classification task, International Journal of Intelligent Systems 2023, https://doi.org/10.1155/2023/5418398 (2023).
- (21) E. Dai, M. Lin, X. Zhang, S. Wang, Unnoticeable backdoor attacks on graph neural networks, in: Proceedings of the ACM Web Conference 2023, 2023, pp. 2263–2273, https://doi.org/10.1145/3543507.3583392.
- (22) K. Li, Y. Liu, X. Ao, J. Chi, J. Feng, H. Yang, Q. He, Reliable representations make a stronger defender: Unsupervised structure refinement for robust gnn, in: Proceedings of the 28th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, 2022, pp. 925–935, https://doi.org/10.1145/3534678.3539484.
- (23) J. Xu, M. Xue, S. Picek, Explainability-based backdoor attacks against graph neural networks, in: Proceedings of the 3rd ACM Workshop on Wireless Security and Machine Learning, 2021, pp. 31–36, https://doi.org/10.1145/3468218.3469046.
- (24) B. Jiang, Z. Li, Defending against backdoor attack on graph nerual network by explainability, arXiv preprint arXiv:2209.02902https://doi.org/10.48550/arXiv.2209.02902 (2022).
- (25) j. Chen, H. Xiong, H. Ma, Y. Zheng, Clb-defense: based on contrastive learning defense for graph neural network against backdoor attack, Journal on Communications 44 (4) (2023) 154–166, https://www.infocomm-journal.com/txxb/EN/Y2023/V44/I4/154.
- (26) A. Turner, D. Tsipras, A. Madry, Clean-label backdoor attackshttps://openreview.net/forum?id=HJg6e2CcK7 (2018).
- (27) R. Ning, J. Li, C. Xin, H. Wu, Invisible poison: A blackbox clean label backdoor attack to deep neural networks, in: IEEE INFOCOM 2021-IEEE Conference on Computer Communications, IEEE, 2021, pp. 1–10, https://doi.org/10.1109/INFOCOM42981.2021.9488902.
- (28) Y. Gao, Y. Li, L. Zhu, D. Wu, Y. Jiang, S.-T. Xia, Not all samples are born equal: Towards effective clean-label backdoor attacks, Pattern Recognition 139 (2023) 109512, https://doi.org/10.1016/j.patcog.2023.109512.
- (29) J. Xu, S. Picek, Poster: Clean-label backdoor attack on graph neural networks, in: Proceedings of the 2022 ACM SIGSAC Conference on Computer and Communications Security, 2022, pp. 3491–3493, https://doi.org/10.1145/3548606.3563531.
- (30) T. N. Kipf, M. Welling, Semi-supervised classification with graph convolutional networks, arXiv preprint arXiv:1609.02907https://doi.org/10.48550/arXiv.1609.02907 (2016).
- (31) P. Veličković, G. Cucurull, A. Casanova, A. Romero, P. Lio, Y. Bengio, Graph attention networks, arXiv preprint arXiv:1710.10903https://doi.org/10.48550/arXiv.1710.10903 (2017).
- (32) Z. Yang, W. Cohen, R. Salakhudinov, Revisiting semi-supervised learning with graph embeddings, in: International conference on machine learning, 2016, pp. 40–48, https://dblp.org/rec/conf/icml/YangCS16.
- (33) H. Zeng, H. Zhou, A. Srivastava, R. Kannan, V. Prasanna, Graphsaint: Graph sampling based inductive learning method, arXiv preprint arXiv:1907.04931https://doi.org/10.48550/arXiv.1907.04931 (2019).
- (34) W. Hamilton, Z. Ying, J. Leskovec, Inductive representation learning on large graphs, Advances in neural information processing systems 30, https://dblp.org/rec/conf/nips/HamiltonYL17 (2017).
- (35) M. Defferrard, X. Bresson, P. Vandergheynst, Convolutional neural networks on graphs with fast localized spectral filtering, Advances in neural information processing systems 29, https://proceedings.neurips.cc/paper/2016/hash/04df4d434d481c5bb723be1b6df1ee65-Abstract.html (2016).
- (36) F. M. Bianchi, D. Grattarola, L. Livi, C. Alippi, Graph neural networks with convolutional arma filters, IEEE transactions on pattern analysis and machine intelligence 44 (7) (2021) 3496–3507, https://doi.org/10.1109/TPAMI.2021.3054830.
- (37) D. P. Kingma, J. Ba, Adam: A method for stochastic optimization, arXiv preprint arXiv:1412.6980https://doi.org/10.48550/arXiv.1412.6980 (2014).