Topic: "graph-representation-learning"
naganandy/graph-based-deep-learning-literature
links to conference publications in graph-based deep learning
Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: 21 days ago - Pushed at: 24 days ago - Stars: 4,918 - Forks: 779

benedekrozemberczki/awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
Language: Python - Size: 1.79 MB - Last synced at: 20 days ago - Pushed at: about 2 years ago - Stars: 4,788 - Forks: 739

graphdeeplearning/benchmarking-gnns
Repository for benchmarking graph neural networks (JMLR 2023)
Language: Jupyter Notebook - Size: 3.21 MB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 2,587 - Forks: 456

Accenture/AmpliGraph
Python library for Representation Learning on Knowledge Graphs https://docs.ampligraph.org
Language: Python - Size: 42.3 MB - Last synced at: 21 days ago - Pushed at: 7 months ago - Stars: 2,213 - Forks: 251

dsgiitr/graph_nets
PyTorch Implementation and Explanation of Graph Representation Learning papers: DeepWalk, GCN, GraphSAGE, ChebNet & GAT.
Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: 13 days ago - Pushed at: 2 months ago - Stars: 1,195 - Forks: 228

tsinghua-fib-lab/GNN-Recommender-Systems
An index of recommendation algorithms that are based on Graph Neural Networks. (TORS)
Size: 186 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 1,030 - Forks: 140

snap-stanford/pretrain-gnns
Strategies for Pre-training Graph Neural Networks
Language: Python - Size: 179 MB - Last synced at: 2 days ago - Pushed at: almost 2 years ago - Stars: 1,017 - Forks: 167

PyGCL/PyGCL
PyGCL: A PyTorch Library for Graph Contrastive Learning
Language: Python - Size: 661 KB - Last synced at: 25 days ago - Pushed at: 11 months ago - Stars: 943 - Forks: 97

acbull/pyHGT
Code for "Heterogeneous Graph Transformer" (WWW'20), which is based on pytorch_geometric
Language: Python - Size: 17.8 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 800 - Forks: 163

rampasek/GraphGPS
Recipe for a General, Powerful, Scalable Graph Transformer
Language: Python - Size: 12.6 MB - Last synced at: 6 months ago - Pushed at: 11 months ago - Stars: 674 - Forks: 121

daiquocnguyen/Graph-Transformer
Universal Graph Transformer Self-Attention Networks (TheWebConf WWW 2022) (Pytorch and Tensorflow)
Language: Python - Size: 109 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 622 - Forks: 77

malllabiisc/CompGCN
ICLR 2020: Composition-Based Multi-Relational Graph Convolutional Networks
Language: Python - Size: 4.35 MB - Last synced at: 6 months ago - Pushed at: 11 months ago - Stars: 597 - Forks: 107

chaitjo/efficient-gnns
Code and resources on scalable and efficient Graph Neural Networks (TNNLS 2023)
Language: Python - Size: 2.32 MB - Last synced at: 17 days ago - Pushed at: over 2 years ago - Stars: 533 - Forks: 64

junxia97/awesome-pretrain-on-molecules
[IJCAI 2023 survey track]A curated list of resources for chemical pre-trained models
Size: 565 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 522 - Forks: 54

hwwang55/GraphGAN
A tensorflow implementation of GraphGAN (Graph Representation Learning with Generative Adversarial Nets)
Language: Python - Size: 75.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 507 - Forks: 163

acbull/GPT-GNN
Code for KDD'20 "Generative Pre-Training of Graph Neural Networks"
Language: Python - Size: 9.51 MB - Last synced at: 6 months ago - Pushed at: 11 months ago - Stars: 487 - Forks: 87

benedekrozemberczki/MixHop-and-N-GCN
An implementation of "MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing" (ICML 2019).
Language: Python - Size: 5.06 MB - Last synced at: 16 days ago - Pushed at: over 2 years ago - Stars: 405 - Forks: 56

SXKDZ/awesome-self-supervised-learning-for-graphs
A curated list for awesome self-supervised learning for graphs.
Size: 25.4 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 387 - Forks: 45

benedekrozemberczki/AttentionWalk
A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).
Language: Python - Size: 1.25 MB - Last synced at: 22 days ago - Pushed at: over 2 years ago - Stars: 325 - Forks: 47

CRIPAC-DIG/GRACE
[GRL+ @ ICML 2020] PyTorch implementation for "Deep Graph Contrastive Representation Learning" (https://arxiv.org/abs/2006.04131v2)
Language: Python - Size: 119 KB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 301 - Forks: 55

HKUDS/Awesome-LLM4Graph-Papers
[KDD'2024] "LLM4Graph: A Survey of Large Language Models for Graphs"
Size: 1.85 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 290 - Forks: 13

BorgwardtLab/SAT
Official Pytorch code for Structure-Aware Transformer.
Language: Python - Size: 2.59 MB - Last synced at: 22 days ago - Pushed at: over 2 years ago - Stars: 258 - Forks: 41

vijaydwivedi75/gnn-lspe
Source code for GNN-LSPE (Graph Neural Networks with Learnable Structural and Positional Representations), ICLR 2022
Language: Python - Size: 267 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 253 - Forks: 36

dmlc/GNNLens2
Visualization tool for Graph Neural Networks
Language: TypeScript - Size: 20.9 MB - Last synced at: 16 days ago - Pushed at: over 2 years ago - Stars: 251 - Forks: 27

benedekrozemberczki/Splitter
A Pytorch implementation of "Splitter: Learning Node Representations that Capture Multiple Social Contexts" (WWW 2019).
Language: Python - Size: 11.4 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 213 - Forks: 44

benedekrozemberczki/SEAL-CI
A PyTorch implementation of "Semi-Supervised Graph Classification: A Hierarchical Graph Perspective" (WWW 2019)
Language: Python - Size: 5.08 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 211 - Forks: 43

kkteru/grail
Inductive relation prediction by subgraph reasoning, ICML'20
Language: Python - Size: 13.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 201 - Forks: 54

mims-harvard/SubGNN
Subgraph Neural Networks (NeurIPS 2020)
Language: Python - Size: 2.15 MB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 191 - Forks: 34

chaitjo/learning-tsp
Code for the paper 'Learning TSP Requires Rethinking Generalization' (CP 2021)
Language: Jupyter Notebook - Size: 53.1 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 169 - Forks: 37

vijaydwivedi75/lrgb
Long Range Graph Benchmark, NeurIPS 2022 Track on D&B
Language: Jupyter Notebook - Size: 27.6 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 158 - Forks: 22

HannesStark/3DInfomax
Making self-supervised learning work on molecules by using their 3D geometry to pre-train GNNs. Implemented in DGL and Pytorch Geometric.
Language: Python - Size: 155 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 155 - Forks: 31

zlpure/awesome-graph-representation-learning
A curated list for awesome graph representation learning resources.
Size: 21.5 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 153 - Forks: 27

htcr/sam_road
Segment Anything Model for large-scale, vectorized road network extraction from aerial imagery. CVPRW 2024
Language: Python - Size: 3.08 MB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 151 - Forks: 18

CRIPAC-DIG/GCA
[WWW 2021] Source code for "Graph Contrastive Learning with Adaptive Augmentation"
Language: Python - Size: 11.7 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 149 - Forks: 26

tencent-alchemy/Alchemy
Language: Python - Size: 54.7 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 113 - Forks: 38

Dru-Mara/EvalNE
Source code for EvalNE, a Python library for evaluating Network Embedding methods.
Language: Python - Size: 849 KB - Last synced at: 18 days ago - Pushed at: about 1 year ago - Stars: 106 - Forks: 26

mala-lab/Awesome-Deep-Graph-Anomaly-Detection
Official repository for survey paper "Deep Graph Anomaly Detection: A Survey and New Perspectives", including diverse types of resources for graph anomaly detection.
Size: 20.7 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 104 - Forks: 9

JinheonBaek/GMT
Official Code Repository for the paper "Accurate Learning of Graph Representations with Graph Multiset Pooling" (ICLR 2021)
Language: Python - Size: 34.1 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 101 - Forks: 21

VGraphRNN/VGRNN
Variational Graph Recurrent Neural Networks - PyTorch
Language: Python - Size: 9.55 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 95 - Forks: 31

LFhase/CIGA
[NeurIPS 2022] Learning Causally Invariant Representations for Out-of-Distribution Generalization on Graphs
Language: Python - Size: 618 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 94 - Forks: 9

gbouritsas/GSN
Official repository for the paper "Improving Graph Neural Network Expressivity via Subgraph Isomorphism Counting" (TPAMI'22) https://arxiv.org/abs/2006.09252
Language: Python - Size: 1.17 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 78 - Forks: 19

MGitHubL/Chinese-Reading-Notes-of-Graph-Learning
Size: 131 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 76 - Forks: 8

Xtra-Computing/Awesome-Literature-ILoGs
Awesome literature on imbalanced learning on graphs
Size: 238 KB - Last synced at: 30 days ago - Pushed at: 9 months ago - Stars: 76 - Forks: 9

SitaoLuan/ACM-GNN
NeurIPS 2022, Revisiting Heterophily For Graph Neural Networks, official PyTorch implementation for Adaptive Channel Mixing (ACM) GNN framework
Language: Python - Size: 26.3 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 72 - Forks: 8

jhljx/CTGCN
CTGCN: k-core based Temporal Graph Convolutional Network for Dynamic Graphs (accepted by IEEE TKDE in 2020) https://ieeexplore.ieee.org/document/9240056
Language: Python - Size: 25.1 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 72 - Forks: 23

daiquocnguyen/GNN-ReGVD
Revisiting Graph Neural Networks for Vulnerability Detection (ICSE 2022) (Pytorch)
Language: Python - Size: 14.2 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 71 - Forks: 19

berlincho/RGCN-pytorch
Pytorch implementation of Relational GCN for node classification
Language: Python - Size: 239 KB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 69 - Forks: 14

KaiyuanZh/awesome-graph-representation-learning
A curated list of awesome graph representation learning.
Size: 3.91 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 69 - Forks: 6

chaitjo/gated-graph-transformers
Transformers are Graph Neural Networks!
Language: Python - Size: 2.19 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 54 - Forks: 7

KimMeen/Neural-Temporal-Walks
[NeurIPS 2022] The official PyTorch implementation of "Neural Temporal Walks: Motif-Aware Representation Learning on Continuous-Time Dynamic Graphs"
Language: Python - Size: 173 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 53 - Forks: 10

HKUDS/GFormer
[SIGIR'2023] "GFormer: Graph Transformer for Recommendation"
Language: Python - Size: 7.43 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 50 - Forks: 11

HKUDS/GraphST
[ICML'2023] "GraphST: Spatial-Temporal Graph Learning with Adversarial Contrastive Adaptation"
Language: Python - Size: 2.08 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 49 - Forks: 2

ellisalicante/GraphRewiring-Tutorial
This repository holds code and other relevant files for the Learning on Graphs 2022 tutorial "Graph Rewiring: From Theory to Applications in Fairness"
Language: Jupyter Notebook - Size: 6.86 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 49 - Forks: 3

GentleZhu/Shift-Robust-GNNs
"Shift-Robust GNNs: Overcoming the Limitations of Localized Graph Training Data" (NeurIPS 21')
Language: Python - Size: 9.99 MB - Last synced at: 2 days ago - Pushed at: about 3 years ago - Stars: 48 - Forks: 7

mims-harvard/SHEPHERD
SHEPHERD: Few shot learning for phenotype-driven diagnosis of patients with rare genetic diseases
Language: HTML - Size: 516 KB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 47 - Forks: 16

chirag-agarwall/nifty
Code for paper https://arxiv.org/abs/2102.13186
Language: Python - Size: 12.7 MB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 44 - Forks: 13

nphdang/GE-FSG
Graph Embedding via Frequent Subgraphs
Language: Python - Size: 81.9 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 44 - Forks: 8

THUDM/Graph-Reading-Group
Daily reading group on graphs at KEG
Size: 46.9 KB - Last synced at: about 22 hours ago - Pushed at: almost 6 years ago - Stars: 44 - Forks: 2

monarch-initiative/embiggen
🍇 Embiggen is the Python Graph Representation learning, Prediction and Evaluation submodule of the GRAPE library.
Language: Python - Size: 947 MB - Last synced at: 21 days ago - Pushed at: over 1 year ago - Stars: 42 - Forks: 13

TrustAGI-Lab/MERIT
[IJCAI 2021] A PyTorch implementation of "Multi-Scale Contrastive Siamese Networks for Self-Supervised Graph Representation Learning".
Language: Python - Size: 31.2 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 40 - Forks: 8

XYGaoG/Graph-Condensation-Papers
Awesome Graph Condensation Papers
Size: 213 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 37 - Forks: 0

harryjo97/EHGNN
Official Code Repository for the paper "Edge Representation Learning with Hypergraphs" (NeurIPS 2021)
Language: Python - Size: 30.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 37 - Forks: 5

daiquocnguyen/QGNN
Quaternion Graph Neural Networks (ACML 2021) (Pytorch and Tensorflow)
Language: Python - Size: 124 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 35 - Forks: 9

daiquocnguyen/GNN-NoGE
Graph Neural Networks for Knowledge Graph Link Prediction (WSDM 2022) (Pytorch)
Language: Python - Size: 10.4 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 33 - Forks: 4

bayer-science-for-a-better-life/phc-gnn
Implementation of the Paper: "Parameterized Hypercomplex Graph Neural Networks for Graph Classification" by Tuan Le, Marco Bertolini, Frank Noé and Djork-Arné Clevert
Language: Python - Size: 6.92 MB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 31 - Forks: 6

BorgwardtLab/NeuralWalker
Official Pytorch implementation of NeuralWalker
Language: Python - Size: 26.1 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 29 - Forks: 3

cmavro/Graph-InfoClust-GIC
[PAKDD 2021] Graph InfoClust: Leveraging cluster-level node information for unsupervised graph representation learning
Language: Jupyter Notebook - Size: 5.38 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 27 - Forks: 8

NSLab-CUK/Unified-Graph-Transformer
Unified Graph Transformer (UGT) is a novel Graph Transformer model specialised in preserving both local and global graph structures and developed by NS Lab @ CUK based on pure PyTorch backend.
Language: Python - Size: 1.65 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 25 - Forks: 5

NYXFLOWER/TIP
TIP: Tri-graph Interaction Propagation model for Polypharmacy Side Effect Prediction (GRL@NeurIPS, 2019)
Language: Python - Size: 294 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 15

Orbifold/pyg-link-prediction
Pytorch Geometric link prediction of a homogeneous social graph.
Language: Jupyter Notebook - Size: 19.5 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 6

crisostomi/metric-few-shot-graph
Few-Shot Graph Classification via distance metric learning.
Language: Python - Size: 641 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 22 - Forks: 1

zhongyu1998/PG-GNN
Official implementation of the ICML 2022 paper "Going Deeper into Permutation-Sensitive Graph Neural Networks"
Language: Python - Size: 34.6 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 22 - Forks: 4

saravsak/graph-cnn.mxnet
MXNet implementation of Graph Convolutional Neural Networks
Language: Python - Size: 214 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 8

geriskenderi/graph-jepa
Official code for the paper Graph-level Representation Learning with Joint-Embedding Predictive Architectures published in Transactions on Machine Learning Research (TMLR)
Language: Python - Size: 149 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 19 - Forks: 4

Graph-COM/SUREL
[VLDB'22] SUREL is a novel walk-based computation framework for efficient subgraph-based graph representation learning.
Language: C - Size: 45.9 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 4

zhengwang100/RECT
This is the source code of "Network Embedding with Completely-Imbalanced Labels". TKDE2020
Language: Python - Size: 9.67 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 18 - Forks: 7

Zehong-Wang/Awesome-Foundation-Models-on-Graphs
A collection of graph foundation models including papers, codes, and datasets.
Size: 3.61 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 17 - Forks: 4

Graph-COM/SUREL_Plus
[VLDB'23] SUREL+ is a novel set-based computation framework for scalable subgraph-based graph representation learning.
Language: C - Size: 4.81 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 17 - Forks: 1

LFhase/GALA
[NeurIPS 2023] Does Invariant Graph Learning via Environment Augmentation Learn Invariance?
Language: Python - Size: 1.4 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 15 - Forks: 1

LirongWu/RFA-GNN
Code for TNNLS paper "Beyond Homophily and Homogeneity Assumption: Relation-based Frequency Adaptive Graph Neural Networks"
Language: Python - Size: 20.5 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 14 - Forks: 3

G-Taxonomy-Workgroup/GTaxoGym
Taxonomy of Benchmarks in Graph Representation Learning
Language: Python - Size: 6.36 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 0

maxuewei2/RiWalk
Code for the ICDM 2019 Paper "RiWalk: Fast Structural Node Embedding via Role Identification".
Language: Python - Size: 2.63 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 14 - Forks: 5

NSLab-CUK/Community-aware-Graph-Transformer
Community-aware Graph Transformer (CGT) is a novel Graph Transformer model that utilizes community structures to address node degree biases in message-passing mechanism and developed by NS Lab @ CUK based on pure PyTorch backend.
Language: Python - Size: 183 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 13 - Forks: 2

zetayue/CPA
Source code for our paper "Improving Attention Mechanism in Graph Neural Networks via Cardinality Preservation" (IJCAI 2020)
Language: Python - Size: 45.8 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 5

CRIPAC-DIG/GraphAIR 📦
[PR 2021] Code for "GraphAIR: Graph Representation Learning with Neighborhood Aggregation and Interaction"
Language: Python - Size: 7.04 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 11 - Forks: 4

HipGraph/Force2Vec
Implementation of Force2Vec method for ICDM 2020 paper titled "Force2Vec: Parallel force-directed graph embedding"
Language: Python - Size: 4.09 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 10 - Forks: 8

user683/DRGO
[WWW'25]The official implementation of Distributionally Robust Graph Out-of-Distribution Recommendation via Diffusion Model
Language: Python - Size: 50.1 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 9 - Forks: 1

NSLab-CUK/Graph-Neural-Networks-Fall-2023
Welcome to the Graph Neural Networks (06838-01) class repository for the Department of Artificial Intelligence at the Catholic University of Korea. This platform is dedicated to sharing and archiving lecture materials such as practices, assignments, and sample codes for the class.
Language: Jupyter Notebook - Size: 59.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 2

SJTU-DMTai/SUNNY-GNN
The official implementation of AAAI'24 paper: Self-Interpretable Graph Learning with Sufficient and Necessary Explanations.
Language: Python - Size: 6.01 MB - Last synced at: 10 months ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 1

waimorris/Anomal-E
A PyTorch implementation of of Anomal-E.
Language: Jupyter Notebook - Size: 32.2 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 0

rvdweerd/simmodel
Solving pursuit-evasion problems on graphs using Reinfocement Learning and GNNs
Language: Python - Size: 364 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 1

ansonb/FeTA_TMLR
This repository reproduces the results in the paper "How expressive are transformers in spectral domain for graphs?"(published in TMLR)
Language: Python - Size: 938 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 0

qslim/PDF
Towards Better Graph Representation Learning with Parameterized Decomposition & Filtering
Language: Python - Size: 56.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 8 - Forks: 1

SmartData-Polito/GCNH
Implementation of GCNH, a GNN for heterophilous graphs described in the paper "GCNH: A Simple Method For Representation Learning On Heterophilous Graphs", IJCNN 2023
Language: Python - Size: 2.75 MB - Last synced at: 10 months ago - Pushed at: about 2 years ago - Stars: 8 - Forks: 1

berlincho/GCN-with-Hinton-Knowledge-Distillation
The Pytorch implementation of Graph convolution network (Kipf et.al. 2017) with vanilla Teacher-Student architecture of knowledge distillation (Hinton et.al 2015).
Language: Python - Size: 5.1 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 1

user683/CausalDiffRec
[WWW'25]The official implementation of Graph Representation Learning via Causal Diffusion for Out-of-Distribution Recommendation
Language: Python - Size: 8.41 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 7 - Forks: 1

NSLab-CUK/Connector
The Graph Representation Learning Framework developed by NS Lab @ CUK.
Language: Python - Size: 35.8 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 7 - Forks: 1

giannisnik/pi-GNN
Permute Me Softly: Learning Soft Permutations for Graph Representations
Language: Python - Size: 460 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 1

mehmetfdemirel/aware
The code base for AWARE, a graph representation learning method published at TMLR
Language: Python - Size: 45.9 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 2

c2g-dev/city2graph
Transform geospatial relations into graph representations designed for spatial analysis and Graph Neural Networks (GNNs).
Language: Python - Size: 181 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 6 - Forks: 0
