Structure-Aware Group Discrimination with Adaptive-View Graph Encoder: A
Fast Graph Contrastive Learning Framework
- URL: http://arxiv.org/abs/2303.05231v1
- Date: Thu, 9 Mar 2023 13:13:43 GMT
- Title: Structure-Aware Group Discrimination with Adaptive-View Graph Encoder: A
Fast Graph Contrastive Learning Framework
- Authors: Zhenshuo Zhang, Yun Zhu, Haizhou Shi, Siliang Tang
- Abstract summary: We propose an adaptive-view graph neural encoder (AVGE) with a limited number of message passing to accelerate the forward pass.
By the framework proposed, we manage to bring down the training and inference cost on various large-scale datasets by a significant margin (250x faster inference time) without loss of the downstream-task performance.
- Score: 18.744939223003673
- License: http://arxiv.org/licenses/nonexclusive-distrib/1.0/
- Abstract: Albeit having gained significant progress lately, large-scale graph
representation learning remains expensive to train and deploy for two main
reasons: (i) the repetitive computation of multi-hop message passing and
non-linearity in graph neural networks (GNNs); (ii) the computational cost of
complex pairwise contrastive learning loss. Two main contributions are made in
this paper targeting this twofold challenge: we first propose an adaptive-view
graph neural encoder (AVGE) with a limited number of message passing to
accelerate the forward pass computation, and then we propose a structure-aware
group discrimination (SAGD) loss in our framework which avoids inefficient
pairwise loss computing in most common GCL and improves the performance of the
simple group discrimination. By the framework proposed, we manage to bring down
the training and inference cost on various large-scale datasets by a
significant margin (250x faster inference time) without loss of the
downstream-task performance.
Related papers
- A Scalable Pretraining Framework for Link Prediction with Efficient Adaptation [16.82426251068573]
Link Prediction (LP) is a critical task in graph machine learning.<n>Existing methods face key challenges including limited supervision from sparse connectivity.<n>We explore pretraining as a solution to address these challenges.
arXiv Detail & Related papers (2025-08-06T17:10:31Z) - Fast State-Augmented Learning for Wireless Resource Allocation with Dual Variable Regression [83.27791109672927]
We show how a state-augmented graph neural network (GNN) parametrization for the resource allocation policy circumvents the drawbacks of the ubiquitous dual subgradient methods.<n>Lagrangian maximizing state-augmented policies are learned during the offline training phase.<n>We prove a convergence result and an exponential probability bound on the excursions of the dual function (iterate) optimality gaps.
arXiv Detail & Related papers (2025-06-23T15:20:58Z) - Learning Efficient and Generalizable Graph Retriever for Knowledge-Graph Question Answering [75.12322966980003]
Large Language Models (LLMs) have shown strong inductive reasoning ability across various domains.<n>Most existing RAG pipelines rely on unstructured text, limiting interpretability and structured reasoning.<n>Recent studies have explored integrating knowledge graphs with LLMs for knowledge graph question answering.<n>We propose RAPL, a novel framework for efficient and effective graph retrieval in KGQA.
arXiv Detail & Related papers (2025-06-11T12:03:52Z) - Khan-GCL: Kolmogorov-Arnold Network Based Graph Contrastive Learning with Hard Negatives [3.440313042843115]
Khan-GCL is a novel framework that integrates the Kolmogorov-Arnold Network (KAN) into the GCL encoder architecture.<n>We exploit the rich information embedded within KAN coefficient parameters to develop two novel critical feature identification techniques.<n>These techniques enable the generation of semantically meaningful hard negative samples for each graph representation.
arXiv Detail & Related papers (2025-05-21T04:54:18Z) - Graph Structure Refinement with Energy-based Contrastive Learning [56.957793274727514]
We introduce an unsupervised method based on a joint of generative training and discriminative training to learn graph structure and representation.
We propose an Energy-based Contrastive Learning (ECL) guided Graph Structure Refinement (GSR) framework, denoted as ECL-GSR.
ECL-GSR achieves faster training with fewer samples and memories against the leading baseline, highlighting its simplicity and efficiency in downstream tasks.
arXiv Detail & Related papers (2024-12-20T04:05:09Z) - MassiveGNN: Efficient Training via Prefetching for Massively Connected Distributed Graphs [11.026326555186333]
This paper develops a parameterized continuous prefetch and eviction scheme on top of the state-of-the-art Amazon DistDGL distributed GNN framework.
It demonstrates about 15-40% improvement in end-to-end training performance on the National Energy Research Scientific Computing Center's (NERSC) Perlmutter supercomputer.
arXiv Detail & Related papers (2024-10-30T05:10:38Z) - MTLSO: A Multi-Task Learning Approach for Logic Synthesis Optimization [19.13500546022262]
MTLSO is a Multi-Task Learning approach for Logic Synthesis Optimization.
We introduce an auxiliary task of binary multi-label graph classification alongside the primary regression task.
We also employ a hierarchical graph representation learning strategy to improve the model's capacity for learning expressive graph-level representations.
arXiv Detail & Related papers (2024-09-09T21:20:36Z) - Deep Contrastive Graph Learning with Clustering-Oriented Guidance [61.103996105756394]
Graph Convolutional Network (GCN) has exhibited remarkable potential in improving graph-based clustering.
Models estimate an initial graph beforehand to apply GCN.
Deep Contrastive Graph Learning (DCGL) model is proposed for general data clustering.
arXiv Detail & Related papers (2024-02-25T07:03:37Z) - gcDLSeg: Integrating Graph-cut into Deep Learning for Binary Semantic
Segmentation [14.643505343450897]
We propose to integrate the graph-cut approach into a deep learning network for end-to-end learning.
In the inference phase, globally optimal segmentation is achieved with respect to the graph-cut energy defined on the optimized image features.
arXiv Detail & Related papers (2023-12-07T21:43:43Z) - PREM: A Simple Yet Effective Approach for Node-Level Graph Anomaly
Detection [65.24854366973794]
Node-level graph anomaly detection (GAD) plays a critical role in identifying anomalous nodes from graph-structured data in domains such as medicine, social networks, and e-commerce.
We introduce a simple method termed PREprocessing and Matching (PREM for short) to improve the efficiency of GAD.
Our approach streamlines GAD, reducing time and memory consumption while maintaining powerful anomaly detection capabilities.
arXiv Detail & Related papers (2023-10-18T02:59:57Z) - Localized Contrastive Learning on Graphs [110.54606263711385]
We introduce a simple yet effective contrastive model named Localized Graph Contrastive Learning (Local-GCL)
In spite of its simplicity, Local-GCL achieves quite competitive performance in self-supervised node representation learning tasks on graphs with various scales and properties.
arXiv Detail & Related papers (2022-12-08T23:36:00Z) - Comprehensive Graph Gradual Pruning for Sparse Training in Graph Neural
Networks [52.566735716983956]
We propose a graph gradual pruning framework termed CGP to dynamically prune GNNs.
Unlike LTH-based methods, the proposed CGP approach requires no re-training, which significantly reduces the computation costs.
Our proposed strategy greatly improves both training and inference efficiency while matching or even exceeding the accuracy of existing methods.
arXiv Detail & Related papers (2022-07-18T14:23:31Z) - Simple Contrastive Graph Clustering [41.396185271303956]
We propose a Simple Contrastive Graph Clustering (SCGC) algorithm to improve the existing methods.
Our algorithm outperforms the recent contrastive deep clustering competitors with at least seven times speedup on average.
arXiv Detail & Related papers (2022-05-11T06:45:19Z) - Graph Reinforcement Learning for Radio Resource Allocation [13.290246410488727]
We resort to graph reinforcement learning for exploiting two kinds of relational priors inherent in many problems in wireless communications.
To design graph reinforcement learning framework systematically, we first conceive a method to transform state matrix into state graph.
We then propose a general method for graph neural networks to satisfy desirable permutation properties.
arXiv Detail & Related papers (2022-03-08T08:02:54Z) - Distributed Optimization of Graph Convolutional Network using Subgraph
Variance [8.510726499008204]
We propose a Graph Augmentation based Distributed GCN framework(GAD)
GAD has two main components, GAD-Partition and GAD-r.
Our framework significantly reduces the communication overhead 50%, improves the convergence speed (2X) and slight gain in accuracy (0.45%) based on minimal redundancy compared to the state-of-the-art methods.
arXiv Detail & Related papers (2021-10-06T18:01:47Z) - DANCE: DAta-Network Co-optimization for Efficient Segmentation Model
Training and Inference [85.02494022662505]
DANCE is an automated simultaneous data-network co-optimization for efficient segmentation model training and inference.
It integrates automated data slimming which adaptively downsamples/drops input images and controls their corresponding contribution to the training loss guided by the images' spatial complexity.
Experiments and ablating studies demonstrate that DANCE can achieve "all-win" towards efficient segmentation.
arXiv Detail & Related papers (2021-07-16T04:58:58Z) - Learning to Hash with Graph Neural Networks for Recommender Systems [103.82479899868191]
Graph representation learning has attracted much attention in supporting high quality candidate search at scale.
Despite its effectiveness in learning embedding vectors for objects in the user-item interaction network, the computational costs to infer users' preferences in continuous embedding space are tremendous.
We propose a simple yet effective discrete representation learning framework to jointly learn continuous and discrete codes.
arXiv Detail & Related papers (2020-03-04T06:59:56Z)
This list is automatically generated from the titles and abstracts of the papers in this site.
This site does not guarantee the quality of this site (including all information) and is not responsible for any consequences.