Paper Content:
Page 1:
DP-GPL: Differentially Private Graph Prompt
Learning
Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
CISPA Helmholtz Center for Information Security, Germany
Abstract. Graph Neural Networks (GNNs) have shown remarkable per-
formance in various applications. Recently, graph prompt learning has
emerged as a powerful GNN training paradigm, inspired by advances
in language and vision foundation models. Here, a GNN is pre-trained
on public data and then adapted to sensitive tasks using lightweight
graph prompts. However, using prompts from sensitive data poses privacy
risks. In this work, we are the first to investigate these practical risks
in graph prompts by instantiating a membership inference attack that
reveals significant privacy leakage. We also find that the standard privacy
method, DP-SGD, fails to provide practical privacy-utility trade-offs in
graph prompt learning, likely due to the small number of sensitive data
points used to learn the prompts. As a solution, we propose DP-GPLfor
differentially private graph prompt learning based on the PATE frame-
work, that generates a graph prompt with differential privacy guarantees.
Our evaluation across various graph prompt learning methods, GNN ar-
chitectures, and pre-training strategies demonstrates that our algorithm
achieves high utility at strong privacy, effectively mitigating privacy con-
cerns while preserving the powerful capabilities of prompted GNNs as
powerful foundation models in the graph domain.
Keywords: Graph Prompt Learning ·Membership Inference Attack ·
Differential Privacy.
1 Introduction
Graph Neural Networks (GNNs) have emerged as a powerful tool for learning
representationsofgraph-structureddataandhaveshownsignificantadvancements
across various applications, such as drug design [2,31], anomaly detection [40,42],
and social network analysis [5]. Recently, graph prompt learning [41,50,38,12,36,
37] has emerged as a promising GNN training paradigm. Graph prompt learning
first pre-trains a GNN model on general public graph data and then tunes a
graph prompt [38,18,13] or tokens [12,36,22] on some sensitive downstream data.
By reformulating the downstream task into the pretext task used in pre-training,
it then enables predictions for the downstream task.
The fact that graph prompts are tuned on sensitive downstream data can
raise significant privacy concerns. In fact, in the language and vision domains, it
has been shown that private information from downstream data can leak througharXiv:2503.10544v1 [cs.LG] 13 Mar 2025
Page 2:
2 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
......
Unlabeled
public data
Prompt fine tuning Inserting pattern(Release to
public)1Private data
partitioning3Prompting pre-
trained GNN model
Teacher promptsPre-trained
GNN model
Labeled private
dataNoisy label
Ensemble of
outputs
With noisy labels...
Student
prompt
Partition nodes Unlabeled nodePrivate
Aggregation4AggregationStudent
prompt
training5
2Teacher prompts
training
Partition
samples
Fig.1: Framework of DP-GPL.1We partition the labeled private data into
disjoint groups randomly. 2An ensemble of teacher prompts is trained on
the disjoint private data groups. 3Given an unlabeled public data sample, by
querying the pre-trained GNN model, each teacher prompt votes with the most
confident class label. 4The teacher prompts’ votes are privately aggregated,
i.e.,, a noisy argmax over vote counts is returned as the final noisy label for the
public data sample. 5A student prompt is trained with the labeled public data
and can be publicly released.
predictions of prompted models [9,45]. To the best of our knowledge, no such
insights exist for the graph domain, and no prior work has explored the privacy
risks of graph prompt learning.
In this work, we set out to close this gap. We first assess the privacy risks of
graph prompts by adapting a state-of-the-art membership inference attack [35,4]
to graph prompt learning and measuring the empirical leakage. Our evaluation
demonstrates significant privacy risks for the downstream data when used to tune
graph prompts. For example, we show that the membership inference attack can
achieve an AUC score as high as 0.91 on the PubMed dataset. We also investigate
the relationship between the number of data points used to tune the prompt and
the attack success and find that with less data, the privacy risk grows, posing a
significant risk to standard graph prompt learning that usually relies on a small
number of data points [37].
Asanaivesolutiontomitigatethisprivacyrisk,wefirstturntotheDifferential
Privacy-Stochastic Gradient Descent (DP-SGD) algorithm [1]—a gold standard
in privacy-preserving machine learning. However, we find that this approach
significantly degrades the downstream performance due to the limited amount of
data used to tune graph prompts. For instance, with a privacy budget as high
asε= 64, the accuracy on the Cora dataset downstream drops from 48.70% to
18.47%,i.e.,close to random guessing.
As a solution for practical privacy-preserving graph prompt learning, we
propose DP-GPL.DP-GPLfollows the general framework of the private aggregation
of teacher ensembles (PATE) [29,30], but instead of training a student model
with differential privacy guarantees, it trains a student prompt [8]. We thoroughly
evaluate our DP-GPLin terms of privacy guarantees and privacy-utility trade-
offs. Over various graph prompt learning methods, GNN architectures, and
Page 3:
DP-GPL: Differentially Private Graph Prompt Learning 3
pre-training strategies, we find that our algorithm can achieve high utility at
strong privacy privacy guarantees—thereby, implementing the first practical
approach to private graph prompt learning.
In summary, we make the following contributions:
–We are the first to show that private information can leak from graph prompts,
in particular when the prompts are tuned over a small number of data points.
–We show that naively integrating the DP-SGD algorithms into graph prompt
learning yields impractical privacy-utility trade-offs.
–As a solution, we propose DP-GPL, an algorithm based on the PATE framework
to implement differential privacy guarantees into graph prompt learning.
–We perform a thorough evaluation on multiple state-of-the-art graph prompt
learning methods, graph datasets, GNN models, and pre-training strategies
and highlight that our method can achieve both high utility and strong privacy
protections over various setups.
2 Background and Related Work
2.1 Graph Prompt Learning
GNNs achieve strong performance on numerous applications [39,42,5]. Therefore,
they rely on various effective architectures, such as Graph Convolutional Network
(GCN) [20], Graph Attention Network (GAT) [43], and Graph Transformer [34]—
usually trained in a supervised manner. To make graph learning more adaptive,
many graph pre-training approaches have been proposed [44,16,36,46] that first
learn some general knowledge for the graph model with easily accessible data, and
then fine-tune the model on new tasks. This is often referred to as "pre-train &
fine-tune" paradigm. However, the large diversity between graph tasks with node
level, edge level, and graph level may cause a "negative transfer" results where
the knowledge learned during the pre-training phase hurts performance when
fine-tuning on a specific downstream task, rather than improving it [38]. As a
solution, graph prompt learning was proposed. The goal of graph prompt learning
is to learn transformation operations for graphs to reformulate the downstream
task to the pre-training task. Given an input graph G, we can formulate the
graph prompt learning as follows:
G∗: (X∗, Ainner, Ainsert ) =P(X, A) (1)
where G∗is a prompted graph, which includes learnable components in its feature
matrix,i.e.,X∗∈RK×dand adjacency matrix, i.e.,AinnerandAinsert.Pis
a graph prompt learning module that learns the representations of Kprompt
tokens,i.e.,X∗, token structures, i.e.,Ainnerand inserting patterns, i.e.,Ainsert,
which indicates the connection between the prompt tokens and the nodes in the
original graph. We can learn a graph prompt learning module Papplied to the
original graph to imitate any graph-level transformation. While Equation (1)
shows graph-level transformation, our adaption of graph prompt is in node-level,
Page 4:
4 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
i.e.,the graph prompt is learned only based on the selected nodes’ features
without the adjacency matrix Aof the original graph G. In addition, the learned
graph prompt is adapted to individual nodes, i.e.,P(x)where xis an individual
node.
For instance, Graph Pre-training and Prompt Tuning (GPPT) [36] applies
prompt-based tuning methods to models pre-trained by edge prediction. It
introduces virtual class-prototype nodes/graphs with learnable links into the
original graph, making the adaptation process more akin to edge prediction.
[12] proposed a universal prompt-based tuning method, called Graph Prompt
Feature (GPF), which can be applied under any pre-training strategy. GPF adds
a shared learnable vector to all node features in the graph while its variant
GPF-plus incorporates different prompted features for different nodes in the
graph. [38] proposed All-in-one, a graph prompt that unifies the prompt format
in the language area and graph area with the prompt token, token structure, and
inserting pattern. They reformulate the downstream problems to the graph-
level task to further narrow the gap between various graph tasks and pre-
training strategies. Graph prompt learning has superior performance compared
to traditional fine-tuning methods and is especially effective in few-shot settings,
i.e.,when only a small number of data points are sampled to tune the prompt.
While graph prompt learning benefits various graph applications, in this work,
we focus on node classification tasks and three state-of-the-art graph prompt
learning methods, namely GPPT, All-in-one, and GPF-plus.
Although some prior work explores backdoor attacks in graph prompt learning,
which utilize prompts to insert backdoor triggers into the GNN model [23] to
impact output integrity, to the best of our knowledge, there is no prior work on
assessing and mitigating the privacy risks in graph prompt learning.
2.2 Differential Privacy
Differential privacy (DP) . DP [10] is a mathematical framework that pro-
vides privacy guarantees for randomized mechanisms M:I→S. Therefore,
it upper-bounds the probability that M, when executed on two neighboring
datasets D,D′,i.e.,dataset that differ in only one data point, output a different
result by formalizing that Pr[M(D)∈S]≤eϵ·Pr[M(D′)∈S] +δ. The privacy
parameter εspecifies by how much the output is allowed to differ, and δis the
probability of failure to meet that guarantee. There are two main algorithms to
implement DP guarantees for traditional machine learning. The differentially
private stochastic gradient descent algorithm (DP-SGD) [1] extends stan-
dard stochastic gradient descent with two additional operations, first, gradient
clipping that limits the impact of each individual training data point (often
called"sensitivity" ) on the model update, and then the addition of calibrated
amounts of stochastic noise to provide formal privacy guarantees. The second
private aggregation of teacher ensembles algorithm (PATE) [29,30] trains
an ensemble of teachermodels on disjoint subsets of the private data. Then,
through a noisy labeling process, the ensemble privately transfers its knowledge
to an unlabeled public dataset. Finally, a separate studentmodel is trained on
Page 5:
DP-GPL: Differentially Private Graph Prompt Learning 5
this labeled public dataset for release.
DP for Graphs. As the classical DP guarantee makes no assumptions
about potential correlations between data points, there are existing works that
extend DP on graph data [26,33,19,27,32,47]. There are three variants of DP
on graph data: node-level DP, edge-level DP, and graph-level DP, depending
on what the data owner requires to protect. Specifically, node-level DP aims
to protect the privacy of individual nodes in the graph data, including its
attributes and associated edges [33,19,7,27]. Edge-level DP aims to protect the
relationships between nodes, which can be applied to social network graphs [14]
or location graphs [48], where the edges contain sensitive information, but the
data represented in the nodes of the graph are assumed to be non-sensitive.
Graph-level DP aims to protect the entire graph data, including the structure
of the graph, node attributes, and edge relationships [25]. However, graph-level
DP has not been thoroughly investigated in the literature [26]. In this work, we
focus on node-level DP as we aim to protect the privacy of individual nodes in
the graph data. Different from the existing node-level DP guarantees [33,19,27,
32,47], which often results in large ϵvalues, limiting their practical utility, we
aim to achieve meaningful privacy guarantees for graph prompt learning with
small and manageable ϵvalues ( ϵ <= 2).
2.3 Private Prompt Learning in the Vision and Language Domain
In the vision domain, [21] leverage the PATE algorithm for private prompt
tuning to vision encoders. Therefore, they have to tune a prompt and train an
additional label mapping for each teacher. In contrast, our method instantiates
different teachers only through graph input prompts. In the language domain,
multiple approaches have been proposed to privatize prompts. [6] rely on named
entity recognition to identify and hide private information in text prompts. This
approach is not easily transferable to the graph domain and additionally does
not yield formal privacy guarantees. The DP-OPT [15] framework relies on a
local large language model (LLM) to derive a discrete, i.e.,text, prompt with
DP, and then transfers this prompt to a central LLM. The framework is tightly
coupled to the language domain and derives plain language prompt templates
that are not applicable to GNNs. [28] rely on a PATE-style teacher ensemble
implemented through different prompts, and generate noisy output predictions
for the LLM. Yet, due to the absence of a student model in their framework, each
query to the ensemble consumes additional privacy budget, making the approach
impractical. [8] solve this limitation by generating a student prompt from the
teacher ensemble, similar to our work.
3 Privacy Risks in Graph Prompt Learning
Page 6:
6 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
Algorithm 1 Likelihood Ratio Attack on
Graph Prompt Learning. Instead of conduct-
ing MIA against the target model in the standard
LiRA algorithm, we conduct MIA against the
target prompt in graph prompt learning. We
highlight these differences in blue.
Require: Target prompt Ptarget, Pre-trained GNN
model Φ, A given data sample (xp, yp), data dis-
tribution D, Logit scaling f(p) =log(p
1−p)
1: confs in={}, confs out={}
2:fori←1toKtimesdo
3: /* Sample a shadow dataset */
4: Dattack←$D
5: /* Train IN graph prompt */
6: Pin← T (Dattack∪(xp, yp))
7: confs in←confs in∪
f(Φ(Pin(xp))yp)
8: /* Train OUT graph prompt */
9: Pout← T (Dattack\(xp, yp))
10: confs out←confs out∪
f(Φ(Pout(xp))yp)
11:end for
12:µin←mean(confs in),µout←mean(confs out)
13:σ2
in←var(confs in),σ2
out←var(confs out)
14: /* Query with target graph prompt */
15: conf obs=f(Φ(Ptarget (xp))yp)
Ensure: Λ=p(conf obs|N(µin,σ2
in))
p(conf obs|N(µout,σ2
out))In this work, we explore the
privacy risk for the sensitive
downstream data in graph
prompt learning by instan-
tiating a MIA[4,35]. While
prior work on instantiating
MIAs against natural lan-
guage prompts relies on a sim-
ple threshold-based attack [9],
we adapt and implement the
more powerful state-of-the-
art Likelihood Ratio Attack
(LiRA) [4].
We use this attack to as-
sess whether a given data
point was used to train a given
target prompt. Formally, in
our MIA, we consider that the
goaloftheadversaryistoinfer
whether a given private data
sample v= (xp, yp)is in the
training dataset of the target
prompt Ptarget. We assume
thattheadversaryholds ncan-
didate nodes (x1, x2, . . . , x n)
including their corresponding labels (y1, y2, . . . , y n)and queries the candidates
nodes with prepended target prompt to the pre-trained GNN model.
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive Rate1 shot, auc=0.877
2 shot, auc=0.831
3 shot, auc=0.741
4 shot, auc=0.732
5 shot, auc=0.703
Fig.2:AUC-ROC curve of
our MIA on Cora dataset
with different number of
shots, i.e.,1-5 shots. With
fewer shots, MIA success rises
significantly.The pre-trained GNN model then outputs
the probability vectors (p1, p2, . . . , p n). Follow-
ing [4], we analyze the model’s output proba-
bility at the correct target class label of every
candidate node xi,i.e.,pi,yi. The intuition of
this MIA is that the output probability at the
correct class yiwill be significantly higher for
members that were used in training Ptarget
than non-members. The detail of our adapta-
tion of the LiRA attack to the graph prompt
learning setup is presented in Algorithm 1.
MIA Experimental Setup . We conduct
MIA against graph prompt learning on three
downstream datasets, i.e.,Cora, CiteSeer, and
PubMed with GNN models pre-trained on the
ogbn-arxiv dataset.1To evaluate our MIAs
under different numbers of data points used
1Details of these datasets are presented in Section 5.1.
Page 7:
DP-GPL: Differentially Private Graph Prompt Learning 7
to tune the graph prompt, we analyze MIA in 1-5 shot settings. Following the
experimental setup from MIAs against natural language prompts [9], for each
experiment, we consider the k(i.e.,k=1-5) data points used in training the
target prompt as members and 50∗kother randomly selected data points from
the testing dataset as non-members. We repeat the MIA 100 times and report
the average attack success.
MIA Results . In Figure 2, we present the AUC-ROC curve of our MIA
on the Cora dataset and the GAT model. The results for other datasets and
models are presented in Appendix A.4 and show a similar trend. Our results
highlight that the privacy risk increases with fewer shots used to train the prompt,
e.g.,with 5 shots we have an AUC score of 0.703, while with 1 shot, the AUC
score increases to 0.877. We hypothesize that this is due to the fact that with
fewer shots, the target prompt is more likely to overfit the prompt data, leading
to a higher membership inference risk. Yet, even with more shots, we observe
significantly higher MIA success than the random guessing (0.5), e.g.,see Figure 3
with 5-shots over various setups where the average AUC score is consistently
between 0.7-0.9. Hence, our results demonstrate that the private data used in
training a graph prompt can be subject to substantial privacy risk. This motivates
the urgent need for privacy-preserving graph prompt learning methods.
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive RateGAT
Cora, auc=0.703
CiteSeer, auc=0.682
PubMed, auc=0.912
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive RateGCN
Cora, auc=0.580
CiteSeer, auc=0.665
PubMed, auc=0.845
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive RateGraphTransformer
Cora, auc=0.681
CiteSeer, auc=0.681
PubMed, auc=0.901
Fig.3:AUC-ROC curve of our MIA (with 5 shots). Generally, there is a
high MIA risk in terms of AUC score of between 0.7-0.9.
4 Towards Privacy Preserving Graph Prompts
The standard approach for privacy-preserving machine learning is based on the
DP-SGD algorithm [1]. The DP-SGD algorithm can be applied in gradient-based
learning approaches to limit the impact of individual training data points on the
final model and add calibrated noise to implement the privacy guarantees. We
explore this naive way of implementing privacy guarantees into graph prompt
learning and show that it fails to yield reasonable utility even at low privacy
regimes, i.e.,with very high ε’s. Motivated by this insight, we propose a non-
gradient based algorithm for private graph prompt learning based on the PATE
framework.
Page 8:
8 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
4.1Naive Implementations of Privacy in Graph Prompt Learning
Fail
As a naive solution to yield private graph prompt learning, we rely on the DP-
SGD algorithm. Therefore, we keep the GNN frozen, calculate the gradients
only with respect to the graph prompts, clip and noise them according to the
desired privacy protection, and update the prompt iteratively to minimize the
loss on the downstream task. Our evaluation of this naive approach in Table 8 in
Appendix A.4 highlights that DP-SGD yields inadequate privacy-utility trade-offs
for private graph prompt learning. While our results show the general trend
that with increasing privacy budgets, the performance of the downstream task
increases, DP-SGD still significantly degrades the downstream task performance
even at high privacy budgets. For instance, with a privacy budget as high as
ε= 64in the 5-shot setting, the accuracy of the downstream task on the Cora
dataset still drops from 48.70% to 18.47%, which is close to random guessing.
4.2 Differentially Private Graph Prompt Learning Framework
Motivated by the failure of the naive DP-SGD approach, we propose a non-
gradient based DP graph prompt learning framework, DP-GPL. We detail the
general workflow of DP-GPLin Figure 1.
Following PATE [29,30], our algorithms contain the broader stages of training
the teacher models, performing a private knowledge transfer, and obtaining the
student. In contrast to standard PATE, we do not train teachers from scratch, but
using the same frozen pre-trained GNN, we tune teacher prompts. Additionally,
our student is again not a trained model like in PATE, but a prompt tuned on
the public data labeled during the knowledge transfer. We detail the building
blocks of our DP-GPLbelow:
Private Data Partition and Teacher Prompt Tuning . InDP-GPL, we
first partition the labeled private data into disjoint groups randomly and assign
each partition to each teacher. Then, we tune the teacher prompts according to
the data points that were assigned to them. The teacher prompttuning differs
from PATE which trains teacher modelsfrom scratch.
Public Querying. To label the public data based on the teacher ensemble,
we infer it through the prompted GNN. Therefore, for each teacher, we need
to first insert the teacher prompt into the public data. How this insertion is
done differs among different graph prompt learning methods. For example, in
the GPF-plus method, we insert the teacher prompt into the node features of
the public data samples, while in the All-in-one method, the teacher prompt is
inserted into the public data as an extra subgraph. Then, we query the pre-trained
GNN model once per teacher. For each teacher, we take as a vote the class label
with the highest confidence.
Noisy Teacher Vote Aggregation. InDP-GPL, we aggregate the teachers’
votes with a majority voting mechanism akin to PATE. Specifically, for a query
Qfrom the downstream task and classes 1 to C, let yi(Q)∈[1, C]denote
the pre-trained GNN model’s prediction for i-th teacher prompt, and cm(Q)
Page 9:
DP-GPL: Differentially Private Graph Prompt Learning 9
Label 1 Label 2 Label 3CountOriginal Count Histogram Add Gaussian Noise Return Noisy Label
Return
Label 3
Label 1 Label 2 Label 3 Label 1 Label 2 Label 3
Fig.4:Private Aggregation. An overview of the aggregation stage in DP-GPL.
We first count the output labels and show them in a histogram. Then, we add
Gaussian noise to the votes and return the vote with the highest noisy count as
the returned label for the public data sample.
denote the vote count for class m,i.e.,cm(Q) =PN
i(yi(Q) =m). Then, we add
independent Gaussian noise to the count for each class, following the Confident
GNMax algorithm [30], and return the label with the highest noisy count for the
query.
Student Prompt Training . Instead of training a student model, like in
the original PATE, we use the labeled public data from the aggregation stage to
train astudent graph prompt . This prompt can be released to the public while
protecting the private data used to train the teacher prompts.
4.3 Privacy Analysis
As the training nodes for different teacher prompts are independent and do not
have connecting edges, the privacy analysis of our methods follows that in the
original PATE algorithm [30]. We analyze the privacy analysis of DP-GPLbelow.
The privacy analysis of DP-GPLfollows the standard privacy analysis of the
GNMax algorithm, see [30], Section 4.1. Let f(x)denote the histogram obtained
by the teacher votes. We use the Gaussian mechanism [11] to obtain a noisy
histogram f′(x)asf′(x) =f(x) +N(0, σ2). We denote by ∆fthe sensitivity of
f.2The Gaussian mechanism then yields the following data independent bound
for PATE [24]:
(α, ∆2
f·α/2σ2)-Rényi-DP. (2)
Using standard conversion [24], we can convert this bound back to (ε, δ)-DP
bounds.
5 Empirical Evaluation
5.1 General Experimental Setup
Datasets. We use ogbn-arxiv [17], which is a large-scale graph dataset, as the
pre-training dataset. For the downstream tasks, we use Cora [49], CiteSeer [49],
2Given that each teacher can contribute 1 vote, ∆f= 1inDP-GPL.
Page 10:
10 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
and PubMed [49]. Since the pre-trained dataset ( i.e.,ogbn-arxiv) and downstream
dataset (i.e.,Cora, CiteSeer, and PubMed) have various input feature dimensions,
we here use SVD (Singular Value Decomposition) to unify input features from
all dimensions as 100 dimensions, following the process in [38]. We provide more
details about these datasets in Appendix A.1. For each dataset, We randomly
select 50% of the nodes as the private data and the remaining 50% as the public
data. Within the public data, we randomly select 50 nodes as the query nodes
and the remaining nodes as the testing data.
Models. We use three widely-used GNN models, i.e.,GCN[20],GAT[43],
andGraph Transformer (GT) [34] as the backbone for both "pre-train &
fine-tune" and graph prompt learning paradigms. The default hyperparameters
used for pre-training GNN models are presented in Table 5. For pre-training
strategies, we select four mostly used methods covering node-level, edge-level,
and graph-level strategies, i.e.,DGI [44], GraphMAE [16], EdgePreGPPT [36],
and SimGRACE [46].
Graph Prompt Learning Methods. Current popular graph prompt learn-
ing methods can be classified into two types, ’Prompt as graph’ and ’Prompt
as token’ [50]. For ’Prompt as graph’ type, we select All-in-one [38], and for
’Prompt as token’ type, we use GPPT[36], andGPF-plus [12]. These graph
prompt methods are all state-of-the-art. Also, we focus on the 5-shot graph
prompt learning setting as it has high performance on downstream tasks (as
shown in Table 7 in Appendix A.4) and also high MIA risk (as shown in Figure 3).
Privacy Parameters and Accounting. We set the privacy parameters
forDP-GPLaccording to Table 6 in Appendix A.2. To empirically account for
the per-teacher privacy loss during our experiments, we build on the code-based
from [3].
DP-GPL.We use an ensemble of 200teacher prompts, and each teacher prompt
is trained with disjoint 5shots of data from the private downstream task. For
query dataset, we select 50 public samples from the downstream distribution.
DP-GPLis implemented to immediately stop querying once a teacher has reached
their privacy limit, which we set to ε= 2. We repeat each experiment three times
and report the average and standard deviation of the public student prompt’s
accuracy on the testing dataset.
Baselines. We compare against three baselines. (1) Lower Bound (LB):
(ε= 0). Given a pre-trained GNN model, we directly evaluate its performance on
the downstream test data. (2) Ensemble Accuracy (Ens. Acc.): (ε=∞). We use
the histogram of the private teacher ensemble votes and return the clean argmax.
(3)Upper Bound (UB): (ε=∞).i.e.,we select the teacher prompt which has
the best testing accuracy.
Page 11:
DP-GPL: Differentially Private Graph Prompt Learning 11
Table1:Performancecomparisonbetweenour DP-GPLandthreebaselines
on three downstream datasets. (DGI, All-in-one, δ= 1.5×10−4). LB –
Lower Bound, UB – Upper Bound. DP-GPLperforms significantly better than
the lower bound in all setups. Generally, there is a more than 30%improvement
forDP-GPLover the lower bound.
LB Ens. Acc. UB Our DP-GPL
Private ε= 0 ε=∞ε=∞ εTest Acc
GATCora 43.92 67.09 67.12 0.2226 57.96 ±2.12
CiteSeer 37.51 73.44 74.75 0.2047 73.49 ±2.04
PubMed 32.86 71.48 71.72 0.2383 66.07 ±1.78
GCNCora 49.10 62.35 64.04 0.2025 56.22 ±2.00
CiteSeer 40.51 62.95 64.63 0.2001 59.41 ±1.97
PubMed 29.95 69.09 70.13 0.2386 62.70 ±2.10
GTCora 21.80 55.36 56.77 0.2276 54.53 ±1.97
CiteSeer 27.56 51.75 53.51 0.3627 43.88 ±2.13
PubMed 39.23 70.63 72.95 0.2084 63.93 ±2.15
Table3:Performancecomparisonbetweenour DP-GPLandthreebaselines
on three downstream datasets. (DGI, GPPT, δ= 1.5×10−4).LB – Lower
Bound, UB – Upper Bound.
LB Ens. Acc. UB our DP-GPL
Private ε= 0 ε=∞ε=∞ εTest Acc
GATCora 43.92 51.73 56.39 0.7777 46.90 ±1.24
CiteSeer 37.51 48.55 54.29 0.4790 42.65 ±1.26
PubMed 32.86 63.97 68.25 0.2874 59.55 ±0.88
GCNCora 49.10 59.23 64.16 0.4980 54.15 ±2.02
CiteSeer 40.51 56.41 60.60 0.3728 52.09 ±1.19
PubMed 29.95 68.41 73.41 0.2601 63.28 ±4.75
GTCora 21.80 56.84 58.74 0.6964 54.78 ±3.15
CiteSeer 27.56 48.28 49.76 0.5904 46.63 ±2.86
PubMed 39.23 66.52 69.46 0.3846 63.38 ±2.11
5.2 Results
We present the results of our DP-GPL, and of the three baselines on different GNN
models and downstream datasets in Table 1, Table 2 and Table 3, taking the DGI
pertaining strategy as the examples. The results for other setups in Appendix A.4
show the same trends. We first observe that both our proposed algorithms
significantly improve over the lower bound ( ε= 0) baseline, highlighting their
Page 12:
12 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
Table2:Performancecomparisonbetweenour DP-GPLandthreebaselines
on three downstream datasets. (DGI, GPF-plus, δ= 1.5×10−4).LB –
Lower Bound, UB – Upper Bound.
LB Ens. Acc. UB our DP-GPL
Private ε= 0 ε=∞ε=∞ εTest Acc
GATCora 43.92 59.14 60.13 0.9186 58.10 ±1.63
CiteSeer 37.51 69.24 70.38 0.4917 68.11 ±1.39
PubMed 32.86 79.07 79.22 0.3150 78.85 ±1.40
GCNCora 49.10 71.33 77.87 0.4268 64.64 ±0.73
CiteSeer 40.51 82.70 85.98 0.2039 79.44 ±5.74
PubMed 29.95 80.76 81.73 0.2486 79.81 ±5.17
GTCora 21.80 37.81 38.08 0.9990 37.38 ±1.69
CiteSeer 27.56 37.78 37.88 0.9933 37.61 ±3.04
PubMed 39.23 71.17 73.45 0.9973 68.94 ±0.94
effectiveness in tuning graph prompts to solve the respective downstream tasks.
This highlights that our DP-GPLis effective in improving privacy-utility trade-offs.
Regarding our methods’ privacy consumption, we observe that neither ex-
hausts the given privacy budget of ε= 2. In particular, DP-GPLis not able to
spend above ε= 0.3627during the labeling. This small privacy consumption is
due to the limited number of public samples used for the knowledge transfer: over
the given 50 queries, the methods cannot spend more privacy. While it would
be possible to increase the number of public queries, we find that this does not
increase the downstream performance notably. Hence, by limiting the public data
to 50 samples, the best privacy-utility trade-offs can be achieved.
6 Conclusions
In this work, we are the first to highlight the privacy risks that arise from graph
prompt learning. By running a membership inference attack, we showed that
private information from the private dataset used to tune the graph prompts
can leak to external parties who query the prompted GNN. To mitigate the
resulting risk for the downstream data, we set out to design a private graph
prompt learning algorithm. Motivated by our finding that the naive application
of the DP-SGD algorithm, the standard to implement DP guarantees in machine
learning, fails to yield good privacy-utility trade-offs, we designed DP-GPL, which
builds on the PATE algorithm and performs a noisy knowledge transfer from
teachers to a student prompt. We thoroughly analyzed the resulting utility and
privacy implications and highlighted that our DP-GPLis able to yield strong utility
at high privacy guarantees. Thereby, our work contributes towards leveraging
the computational and utility benefits from graph prompt learning but without
additional privacy risks for the downstream data.
Page 13:
DP-GPL: Differentially Private Graph Prompt Learning 13
References
1.Abadi, M., Chu, A., Goodfellow, I., McMahan, H.B., Mironov, I., Talwar, K.,
Zhang, L.: Deep learning with differential privacy. In: Proceedings of the 2016 ACM
SIGSAC conference on computer and communications security. pp. 308–318 (2016)
2.Al-Rabeah, M.H., Lakizadeh, A.: Prediction of drug-drug interaction events using
graph neural networks based feature extraction. Scientific Reports 12(1), 15590
(2022)
3.Boenisch, F., Mühl, C., Rinberg, R., Ihrig, J., Dziedzic, A.: Individualized pate: Dif-
ferentially private machine learning with individual privacy guarantees. Proceedings
on Privacy Enhancing Technologies (2023)
4.Carlini, N., Chien, S., Nasr, M., Song, S., Terzis, A., Tramer, F.: Membership
inference attacks from first principles. In: 2022 IEEE Symposium on Security and
Privacy (SP). pp. 1897–1914. IEEE (2022)
5.Chen, H., Yin, H., Sun, X., Chen, T., Gabrys, B., Musial, K.: Multi-level graph
convolutional networks for cross-platform anchor link prediction. In: Proceedings of
the 26th ACM SIGKDD international conference on knowledge discovery & data
mining. pp. 1503–1511 (2020)
6.Chen, Y., Li, T., Liu, H., Yu, Y.: Hide and seek (has): A lightweight framework for
prompt privacy protection. arXiv preprint arXiv:2309.03057 (2023)
7.Daigavane, A., Madan, G., Sinha, A., Thakurta, A.G., Aggarwal, G., Jain, P.: Node-
level differentially private graph neural networks. arXiv preprint arXiv:2111.15521
(2021)
8.Duan, H., Dziedzic, A., Papernot, N., Boenisch, F.: Flocks of stochastic parrots:
Differentially private prompt learning for large language models. Advances in Neural
Information Processing Systems 36(2023)
9.Duan, H., Dziedzic, A., Yaghini, M., Papernot, N., Boenisch, F.: On the privacy
risk of in-context learning. In: The 61st Annual Meeting Of The Association For
Computational Linguistics (2023)
10.Dwork, C.: Differential privacy. In: International colloquium on automata, languages,
and programming. pp. 1–12. Springer (2006)
11.Dwork, C., Roth, A., et al.: The algorithmic foundations of differential privacy.
Foundations and Trends ®in Theoretical Computer Science 9(3–4), 211–407 (2014)
12.Fang, T., Zhang, Y., Yang, Y., Wang, C., Chen, L.: Universal prompt tuning for
graph neural networks. Advances in Neural Information Processing Systems 36
(2024)
13.Ge, Q., Zhao, Z., Liu, Y., Cheng, A., Li, X., Wang, S., Yin, D.: Enhancing graph
neural networks with structure-based prompt. arXiv preprint arXiv:2310.17394
(2023)
14.Hay, M., Li, C., Miklau, G., Jensen, D.: Accurate estimation of the degree distribu-
tion of private networks. In: 2009 Ninth IEEE International Conference on Data
Mining. pp. 169–178. IEEE (2009)
15.Hong, J., Wang, J.T., Zhang, C., Zhangheng, L., Li, B., Wang, Z.: Dp-opt: Make
large language model your privacy-preserving prompt engineer. In: The Twelfth
International Conference on Learning Representations (2024)
16.Hou, Z., Liu, X., Cen, Y., Dong, Y., Yang, H., Wang, C., Tang, J.: Graphmae: Self-
supervised masked graph autoencoders. In: Proceedings of the 28th ACM SIGKDD
Conference on Knowledge Discovery and Data Mining. pp. 594–604 (2022)
17.Hu, W., Fey, M., Zitnik, M., Dong, Y., Ren, H., Liu, B., Catasta, M., Leskovec,
J.: Open graph benchmark: Datasets for machine learning on graphs. Advances in
neural information processing systems 33, 22118–22133 (2020)
Page 14:
14 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
18.Huang, Q., Ren, H., Chen, P., Kržmanc, G., Zeng, D., Liang, P.S., Leskovec, J.:
Prodigy: Enabling in-context learning over graphs. Advances in Neural Information
Processing Systems 36(2024)
19.Kasiviswanathan, S.P., Nissim, K., Raskhodnikova, S., Smith, A.: Analyzing graphs
with node differential privacy. In: Theory of Cryptography: 10th Theory of Cryp-
tography Conference, TCC 2013, Tokyo, Japan, March 3-6, 2013. Proceedings. pp.
457–476. Springer (2013)
20.Kipf, T.N., Welling, M.: Semi-supervised classification with graph convolutional
networks. In: International Conference on Learning Representations (2022)
21.Li, Y., Tsai, Y.L., Yu, C.M., Chen, P.Y., Ren, X.: Exploring the benefits of visual
prompting in differential privacy. In: Proceedings of the IEEE/CVF International
Conference on Computer Vision. pp. 5158–5167 (2023)
22.Liu, Z., Yu, X., Fang, Y., Zhang, X.: Graphprompt: Unifying pre-training and
downstream tasks for graph neural networks. In: Proceedings of the ACM Web
Conference 2023. pp. 417–428 (2023)
23.Lyu, X., Han, Y., Wang, W., Qian, H., Tsang, I., Zhang, X.: Cross-context backdoor
attacks against graph prompt learning. In: Proceedings of the 30th ACM SIGKDD
Conference on Knowledge Discovery and Data Mining. pp. 2094–2105 (2024)
24.Mironov, I.: Rényi differential privacy. In: 2017 IEEE 30th computer security
foundations symposium (CSF). pp. 263–275. IEEE (2017)
25.Mueller, T.T., Paetzold, J.C., Prabhakar, C., Usynin, D., Rueckert, D., Kaissis, G.:
Differentially private graph neural networks for whole-graph classification. IEEE
Transactions on Pattern Analysis and Machine Intelligence 45(6), 7308–7318 (2022)
26.Mueller, T.T., Usynin, D., Paetzold, J.C., Braren, R., Rueckert, D., Kaissis, G.:
Differentially private guarantees for analytics and machine learning on graphs: A
survey of results. Journal of Privacy and Confidentiality 14(1) (2024)
27.Olatunji, I.E., Funke, T., Khosla, M.: Releasing graph neural networks with differ-
ential privacy guarantees. Transactions on Machine Learning Research (2023)
28.Panda, A., Wu, T., Wang, J., Mittal, P.: Differentially private in-context learning.
In: The 61st Annual Meeting Of The Association For Computational Linguistics
(2023)
29.Papernot, N., Abadi, M., Erlingsson, U., Goodfellow, I., Talwar, K.: Semi-supervised
knowledge transfer for deep learning from private training data. stat 1050, 3 (2017)
30.Papernot, N., Song, S., Mironov, I., Raghunathan, A., Talwar, K., Erlingsson,
U.: Scalable private learning with pate. In: International Conference on Learning
Representations (2018)
31.Qian, C., Tang, H., Yang, Z., Liang, H., Liu, Y.: Can large language models empower
molecular property prediction? arXiv preprint arXiv:2307.07443 (2023)
32.Sajadmanesh, S., Gatica-Perez, D.: Progap: Progressive graph neural networks
with differential privacy guarantees. In: Proceedings of the 17th ACM International
Conference on Web Search and Data Mining. pp. 596–605 (2024)
33.Sajadmanesh, S., Shamsabadi, A.S., Bellet, A., Gatica-Perez, D.: {GAP}: Differ-
entially private graph neural networks with aggregation perturbation. In: 32nd
USENIX Security Symposium (USENIX Security 23). pp. 3223–3240 (2023)
34.Shi, Y., Huang, Z., Feng, S., Zhong, H., Wang, W., Sun, Y.: Masked label prediction:
Unified message passing model for semi-supervised classification. arXiv preprint
arXiv:2009.03509 (2020)
35.Shokri, R., Stronati, M., Song, C., Shmatikov, V.: Membership inference attacks
against machine learning models. In: 2017 IEEE symposium on security and privacy
(SP). pp. 3–18. IEEE (2017)
Page 15:
DP-GPL: Differentially Private Graph Prompt Learning 15
36.Sun, M., Zhou, K., He, X., Wang, Y., Wang, X.: Gppt: Graph pre-training and
prompttuningtogeneralizegraphneuralnetworks.In:Proceedingsofthe28thACM
SIGKDD Conference on Knowledge Discovery and Data Mining. pp. 1717–1727
(2022)
37.Sun, X., Zhang, J., Wu, X., Cheng, H., Xiong, Y., Li, J.: Graph prompt learning:
A comprehensive survey and beyond. arxiv 2023. arXiv preprint arXiv:2311.16534
(2023)
38.Sun, X., Cheng, H., Li, J., Liu, B., Guan, J.: All in one: Multi-task prompting for
graph neural networks. In: Proceedings of the 29th ACM SIGKDD Conference on
Knowledge Discovery and Data Mining. pp. 2120–2131 (2023)
39.Sun, X., Cheng, H., Liu, B., Li, J., Chen, H., Xu, G., Yin, H.: Self-supervised
hypergraph representation learning for sociological analysis. IEEE Transactions on
Knowledge and Data Engineering 35(11), 11860–11871 (2023)
40.Sun, X., Yin, H., Liu, B., Meng, Q., Cao, J., Zhou, A., Chen, H.: Structure learning
via meta-hyperedge for dynamic rumor detection. IEEE transactions on knowledge
and data engineering 35(9), 9128–9139 (2022)
41.Sun, X., Zhang, J., Wu, X., Cheng, H., Xiong, Y., Li, J.: Graph prompt learning:
A comprehensive survey and beyond. arXiv preprint arXiv:2311.16534 (2023)
42.Tang, J., Li, J., Gao, Z., Li, J.: Rethinking graph neural networks for anomaly
detection. In: International Conference on Machine Learning. pp. 21076–21089.
PMLR (2022)
43.Veličković, P., Cucurull, G., Casanova, A., Romero, A., Liò, P., Bengio, Y.: Graph
attention networks. In: International Conference on Learning Representations (2018)
44.Veličković, P., Fedus, W., Hamilton, W.L., Liò, P., Bengio, Y., Hjelm, R.D.: Deep
graph infomax. arXiv preprint arXiv:1809.10341 (2018)
45.Wu, Y., Wen, R., Backes, M., Berrang, P., Humbert, M., Shen, Y., Zhang, Y.:
Quantifying privacy risks of prompts in visual prompt learning (2023)
46.Xia, J., Wu, L., Chen, J., Hu, B., Li, S.Z.: Simgrace: A simple framework for graph
contrastive learning without data augmentation. In: Proceedings of the ACM Web
Conference 2022. pp. 1070–1079 (2022)
47.Xiang, Z., Wang, T., Wang, D.: Preserving node-level privacy in graph neural
networks. In: 2024 IEEE Symposium on Security and Privacy (SP). pp. 4714–4732.
IEEE (2024)
48.Xie, M., Yin, H., Wang, H., Xu, F., Chen, W., Wang, S.: Learning graph-based poi
embedding for location-based recommendation. In: Proceedings of the 25th ACM
international on conference on information and knowledge management. pp. 15–24
(2016)
49.Yang, Z., Cohen, W., Salakhudinov, R.: Revisiting semi-supervised learning with
graph embeddings. In: International conference on machine learning. pp. 40–48.
PMLR (2016)
50.Zi, C., Zhao, H., Sun, X., Lin, Y., Cheng, H., Li, J.: Prog: A graph prompt learning
benchmark. arXiv preprint arXiv:2406.05346 (2024)
Page 16:
16 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
A Appendix
A.1 Experimental Setup: Datasets
Table 4:Statistics of datasets. |V|,|E|, m,|C|denote the number of nodes, num
of edges, dimension of a node feature vector, and number of classes, respectively.
Dataset |V| |E| m|C|
ogbn-arxiv 169,343 1 ,166,243 128 40
Cora 2,708 10 ,556 1 ,433 7
CiteSeer 3,327 9 ,104 3 ,703 6
PubMed 19,717 88 ,648 500 3
In this paper, we focus on graph prompt learning for node-level tasks. Also,
we consider the scenario where a GNN model is pretrained on a large graph by
the model provider, and users apply it to a specific downstream task (a smaller
graph) through graph prompt learning [38]. To simulate this scenario, we use
ogbn-arxiv, which is a large-scale graph dataset, as the pre-training dataset. For
the downstream tasks, we use Cora, CiteSeer, and PubMed [49]. The statistics of
datasets are presented in Table 4.
A.2 Experimental Setup: Hyperparameters
The default hyperparameters used in the GNN pre-training phase are presented
in Table 5. And Table 6 shows the parameters for Confident-GNMax used in
DP-GPL.
Table 5:Default hyperparameter set-
ting for GNN pre-training.
Type Hyperparameter Setting
GATArchitecture 3 layers
Hidden unit size 128
GCNArchitecture 3 layers
Hidden unit size 128
Graph TransformerArchitecture 3 layers
Hidden unit size 128
TrainingLearning rate 0.001
Optimizer Adam
Epochs 300
Batch size 128
Page 17:
DP-GPL: Differentially Private Graph Prompt Learning 17
Table 6:Parameters for Confident-GNMax. (T- threshold, σ1,σ2- noise
parameters)
GNN model Downsteream dataset T σ 1σ2
GAT Cora 170 5 100
GAT CiteSeer 170 5 50
GAT PubMed 170 1 20
GCN Cora 150 1 20
GCN CiteSeer 180 1 20
GCN PubMed 170 1 20
GT Cora 150 10 100
GT CiteSeer 150 5 50
GT PubMed 170 5 100
A.3 Pseudocode for our DP-GPL
We here provide the pseudocode for our DP-GPLalgorithm in Algorithm 2. This
algorithm includes the main five steps in our methods, i.e.,private data partition,
teacher prompts training, prompting pre-trained GNN model, aggregation, and
student prompt training. In this algorithm, we highlight the difference between
our methods and the standard PATE in blue.
A.4 Additional Experiments
Performance of Graph Prompt Learning One advantage of graph prompt
learning is that in the few-shot setting, the downstream performance of graph
prompt learning is comparable to or even better than the "pre-train & fine-tune"
paradigm. We implement preliminary experiments to compare the downstream
performance of graph prompt learning and the fine-tuning paradigm in a 5-shot
setting, as shown in Table 7. As we can see, in most cases, the testing accuracy of
graph prompt methods is close to or higher than that of the fine-tuning paradigm,
making it reasonable to explore the privacy risk of graph prompt learning in the
few-shot setting.
MIA Results Figure 5 and Figure 6 show our MIA on CiteSeer and PubMed
datasets, respectively, with 1-5 shots of private data used in training prompts.
As we can observe, our MIA has higher attack success with few shots.
Results of DP-SGD on Graph Prompt Learning Table 8 shows the
performance of DP-SGD on graph prompt learning with different privacy budgets
and numbers of shots. It is evident that the DP-SGD algorithm significantly
degrades the downstream task’s performance even at high privacy budgets. Only
when the number of shots increases to 100, the DP-SGD algorithm can achieve
a high utility. However, in the few-shot setting ( i.e.,less than 50shots), the
DP-SGD algorithm fails to have a great privacy-utility trade-off.
Page 18:
18 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
Algorithm 2 DP-GPL.In contrast to the standard PATE algorithm where the
teacher models are trained on disjoint subsets of private data, our DP-GPLtrains
teacher prompts on disjoint subsets of the private graph data. We highlight these
differences in blue.
Require: Private graph data Vprivate ={(x1, y1),(x2, y2), . . . , (xn, yn)}
Require: Number of teachers N, threshold T, noise parameters σ1andσ2
Require: Pre-trained GNN model Φ, unlabeled public query data Vpublic
1:Step 1: Private data partition
2: /* DP-GPL*/
3: Partition VprivateintoNIID disjoint groups {g1, g2, . . . , g N}
4:foreach teacher i= 1toNdo
5:Step 2: Teacher Prompts Training
6: Train teacher prompt Pion the group gi
7:end for
8:Step 3: Prompting pre-trained GNN model
9: Actual public data Dpublic =∅
10:foreach query xj∈Vpublic(e.g., a node) do
11: Insert teacher prompt Piinto the query data point, i.e.,Pi(xj)
12: Query the pre-trained GNN model and get a label yj
i=Φ(Pi(xj))
13:Step 4: Aggregation
14: /* DP-GPL*/
15: Get count for each class with uniform votes: cm(xj) =PN
i(yj
i=m)
16:ifmax m{cm(xj)}+N(0, σ2
1)≥Tthen ▷ mis the class label
17: yj= arg maxm
cm(xj) +N(0, σ2
2)
18: Dpublic =Dpublic∪(xj, yj)
19:end if
20:end for
21:Step 5: Student Prompt Training
22: Train student prompt Psusing the noisy labeled public data Dpublic
23:Differential Privacy Guarantee
24:Compute actual privacy loss (ε, δ)based on noise parameters σ1,σ2and the number
of queries |Dpublic|
25:returnStudent prompt Pswith differentially private guarantee
Page 19:
DP-GPL: Differentially Private Graph Prompt Learning 19
Table 7:Performance of Pre-train & Fine-tune (PFT) and graph prompt
learning (Cora, 5-shot).
GNN architectures Pre-train methods PFT All-in-one GPF-plus GPPT
GATDGI 46.03 ±0.7948.70 ±1.4553.48 ±1.9956.53 ±1.51
EdgePreGPPT 56.33 ±1.2948.71 ±1.1140.89 ±1.5354.77 ±1.54
GraphMAE 43.51 ±0.7450.66 ±1.0351.61 ±1.0949.32 ±1.49
SimGRACE 14.71 ±1.6713.05 ±1.6221.35 ±1.2435.03 ±2.07
GCNDGI 52.12 ±1.3658.25 ±1.1066.50 ±2.5056.21 ±1.68
EdgePreGPPT 43.77 ±1.1668.94 ±1.0976.30 ±0.9860.28 ±1.86
GraphMAE 39.55 ±1.2462.90 ±0.9175.84 ±1.1051.63 ±1.25
SimGRACE 18.15 ±0.5218.19 ±1.6419.97 ±0.6533.72 ±1.98
GraphTransformerDGI 53.33 ±1.0945.12 ±2.0529.54 ±2.2456.21 ±1.51
EdgePreGPPT 60.02 ±1.0753.45 ±1.0635.74 ±0.5956.95 ±1.04
GraphMAE 52.95 ±1.4441.84 ±0.9736.58 ±0.6748.54 ±1.17
SimGRACE 39.79 ±0.2515.03 ±1.1215.60 ±0.8841.14 ±0.57
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive Rate1 shot, auc=0.903
2 shot, auc=0.788
3 shot, auc=0.783
4 shot, auc=0.756
5 shot, auc=0.682
(a) GAT
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive Rate1 shot, auc=0.859
2 shot, auc=0.806
3 shot, auc=0.753
4 shot, auc=0.701
5 shot, auc=0.665 (b) GCN
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive Rate1 shot, auc=0.766
2 shot, auc=0.730
3 shot, auc=0.723
4 shot, auc=0.709
5 shot, auc=0.681 (c) Graph Transformer
Fig.5:AUC-ROC curve of our MIA on CiteSeer dataset with different
number of shots, i.e.,1-5 shots.
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive Rate1 shot, auc=0.998
2 shot, auc=0.982
3 shot, auc=0.910
4 shot, auc=0.921
5 shot, auc=0.912
(a) GAT
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive Rate1 shot, auc=0.975
2 shot, auc=0.929
3 shot, auc=0.859
4 shot, auc=0.864
5 shot, auc=0.845 (b) GCN
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive Rate1 shot, auc=0.994
2 shot, auc=0.880
3 shot, auc=0.912
4 shot, auc=0.893
5 shot, auc=0.901 (c) Graph Transformer
Fig.6:AUC-ROC curve of our MIA attack on PubMed dataset with
different number of shots, i.e.,1-5 shots.
Additional DP-GPLResults We also present the performance of our DP-GPL
on other setups, see Table 9 to Table 11. In consistent with the observations in
Section 5.2, our DP-GPLcan achieve high utility under strong privacy guarantees.
Page 20:
20 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
Table 8:Performance of DP-SGD on graph prompt learning on Cora
dataset (DGI, GPF-plus, GAT).
# Shots ε=∞ ε= 1 ε= 8 ε= 16 ε= 32 ε= 64
5 48.70 ±1.4515.10 ±1.0915.46 ±1.1316.58 ±0.1717.04 ±1.0118.47 ±0.91
10 65.70 ±5.1517.04 ±0.4316.75 ±3.2917.33 ±2.9118.09 ±0.2118.67 ±0.96
50 75.20 ±2.0919.58 ±0.1719.91 ±3.1522.55 ±1.6322.44 ±2.0422.04 ±1.20
100 78.42 ±0.9868.15 ±0.9477.27 ±0.3377.94 ±1.8578.16 ±1.9478.40 ±1.53
Table9:Performancecomparisonbetweenour DP-GPLandthreebaselines
on three downstream datasets. (GraphMAE, All-in-one, δ= 1.5×10−4).
LB – Lower Bound, UB – Upper Bound.
LB Ens. Acc. UB our DP-GPL
Private ε= 0 ε=∞ε=∞ εTest Acc
GATCora 39.65 49.40 52.94 0.5728 41.02 ±1.38
CiteSeer 38.50 39.09 40.87 0.2412 29.27 ±2.10
PubMed 30.86 64.64 67.85 0.2232 58.81 ±0.59
GCNCora 30.76 62.97 65.37 0.0782 59.50 ±0.63
CiteSeer 31.85 67.89 71.85 0.0588 61.68 ±0.41
PubMed 32.87 70.22 71.46 0.4989 64.59 ±0.11
GTCora 35.68 47.35 48.65 0.4197 37.47 ±1.05
CiteSeer 34.67 52.58 56.48 0.0390 46.97 ±2.18
PubMed 22.38 34.34 35.47 0.3359 32.82 ±1.42
Influence of the number of queries We analyze the impact of the number
of public queries on the performance of our DP-GPLin Figure 7, taking Cora,
DGI, All-in-one, and GAT as an example. As we can see, the performance of our
DP-GPLincreases as the number of public queries increases from 10 to 50. With
more than 50 public queries, the performance of our DP-GPLtends to be stable,
indicating that our methods can achieve the best privacy-utility trade-offs with
50 public queries.
MIA results against DP-GPLWe also evaluate the effectiveness of our DP-GPL
against MIA, as shown in Figure 8. The member data is the private data used
in training all teacher prompts, and the non-members are randomly selected
samples from the testing dataset. As we can see, all curves are very close to the
dash line (random guess), which shows that our DP-GPLis effective against MIA,
for all downstream tasks and GNN architectures.
Page 21:
DP-GPL: Differentially Private Graph Prompt Learning 21
Table 10: Performance comparison between our DP-GPLand three
baselines on three downstream datasets. (GraphMAE, GPF-plus,
δ= 1.5×10−4).LB – Lower Bound, UB – Upper Bound.
LB Ens. Acc. UB our DP-GPL
Private ε= 0 ε=∞ε=∞ εTest Acc
GATCora 39.65 51.69 54.38 0.6778 45.44 ±7.09
CiteSeer 38.50 58.02 61.94 0.2194 54.50 ±3.41
PubMed 30.86 76.21 78.56 0.4846 66.21 ±3.05
GCNCora 30.76 74.16 76.85 0.6135 66.88 ±1.91
CiteSeer 31.85 78.13 80.87 0.6262 69.45 ±2.58
PubMed 32.87 77.84 80.85 0.0595 68.67 ±5.32
GTCora 35.68 39.10 42.49 0.0273 30.78 ±3.33
CiteSeer 34.67 41.61 43.75 0.1189 34.72 ±0.54
PubMed 22.38 28.29 31.39 0.6147 21.86 ±1.69
10 20 30 40 50 60
Number of Public Queries45505560T est Accuracy
=0.1707
=0.1793
=0.1903
=0.1985
=0.2194
=0.2226
=0.2319
Fig.7:Influence of the number of public queries on the performance of
our DP-GPL(Cora, DGI, All-in-one, GAT).
Table 11: Performance comparison between our DP-GPLand three base-
linesonthreedownstreamdatasets.(GraphMAE,GPPT, δ= 1.5×10−4).
LB – Lower Bound, UB – Upper Bound.
LB Ens. Acc. UB our DP-GPL
Private ε= 0 ε=∞ε=∞ εTest Acc
GATCora 39.65 49.99 51.57 0.5979 47.08 ±2.13
CiteSeer 38.50 45.44 46.48 0.6392 43.02 ±0.41
PubMed 30.86 55.48 56.64 0.5325 53.92 ±0.05
GCNCora 30.76 54.57 54.85 0.3617 51.61 ±3.98
CiteSeer 31.85 44.12 45.78 0.1175 41.53 ±1.17
PubMed 32.87 59.25 60.57 0.2091 56.35 ±1.64
GTCora 35.68 52.63 54.09 0.1988 50.24 ±4.11
CiteSeer 34.67 65.16 65.78 0.2290 63.49 ±5.21
PubMed 22.38 46.41 47.97 0.3221 44.03 ±3.00
Page 22:
22 Jing Xu, Franziska Boenisch, Iyiola Emmanuel Olatunji, and Adam Dziedzic
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive RateGAT
Cora, auc=0.526
CiteSeer, auc=0.522
PubMed, auc=0.472
(a) GAT
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive RateGCN
Cora, auc=0.506
CiteSeer, auc=0.549
PubMed, auc=0.514 (b) GCN
0.0 0.2 0.4 0.6 0.8 1.0
False Positive Rate0.00.20.40.60.81.0True Positive RateGraphTransformer
Cora, auc=0.548
CiteSeer, auc=0.491
PubMed, auc=0.454 (c) Graph Transformer
Fig.8:AUC-ROC curve of our MIA against DP-GPL(Cora, 5 shots).
Generally, all curves are very close to the dash line (random guess), which shows
that DP-GPLis effective against MIA.