gongchenghua / Awesome-Survey-Graphs-with-Heterophily

A Survey of Learning from Graphs with Heterophily

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

Learning from Graphs with Heterophily: Progress and Future Directions

PRs Welcome Awesome Stars Forks

This repository contains a list of the relevant resources on Learning on graphs with heterophily. We categorize the following papers based on their published years. We will try our best to continuously maintain this repository in real time. If you found any error or any missed paper, please don't hesitate to open issues.

Literature Overview

In this survey, we summarize over 180 high-quality papers published in top conferences or journals over the past 5 years including but not limited to ICML, NeurIPS, ICLR, KDD, WWW, TPAMI, etc. To catch up with the frontiers, some latest works on OpenReview and ArXiv are also included. In the above we summarizes the statistics of the collected papers. We see that the number of papers released about heterophilous graph learning has significantly increased in recent three years. Meanwhile, the distribution of collected papers published in major venues is given above. Further, we present the Top-10 keywords that appear in the titles of collected papers.

Taxonomy

Learning Strategies

(Semi-)Supervised Learning

Leveraging Adaptive Filters

  • [ICLR 2021] Adaptive Universal Generalized PageRank Graph Neural Network [Paper], [Code]
  • [NeurIPS 2021] Diverse Message Passing for Attribute with Heterophily [Paper], [Code]
  • [AAAI 2021] Beyond Low-frequency Information in Graph Convolutional Networks [Paper], [Code]
  • [NeurIPS 2022] Revisiting Heterophily For Graph Neural Networks [Paper], [Code]

Utilizing Local Neighbors

  • [ICML 2019] MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing [Paper], [Code]
  • [NeurIPS 2020] Beyond Homophily in Graph Neural Networks: Current Limitations and Effective Designs [Paper], [Code]
  • [NeurIPS 2021] Universal Graph Convolutional Networks [Paper], [Code]

Exploring Non-Local Homophily

  • [ICLR 2020] Geom-GCN: Geometric Graph Convolutional Networks [Paper], [Code]
  • [TPAMI] Non-Local Graph Neural Networks [Paper], [Code]
  • [AAAI2022] Block Modeling-Guided Graph Convolutional Neural Networks [Paper], [Code]
  • [AAAI2022] Powerful Graph Convolutioal Networks with Adaptive Propagation Mechanism for Homophily and Heterophily [Paper], [Code]
  • [KDD 2021] Breaking the Limit of Graph Neural Networks by Improving the Assortativity of Graphs with Local Mixing Patterns [Paper], [Code]
  • [ICML 2022] Finding Global Homophily in Graph Neural Networks When Meeting Heterophily [Paper], [Code]

Modeling Message Passing Process

  • [CIKM 2021] Tree Decomposed Graph Neural Network [Paper], [Code]
  • [ICLR 2023] Ordered GNN: Ordering Message Passing to Deal with Heterophily and Over-smoothing [Paper], [Code]
  • [ICLR 2023] ACMP: Allen-Cahn Message Passing with Attractive and Repulsive Forces for Graph Neural Networks [Paper], [Code]

Rewiring Graph Topology

  • [ICLR 2022] Understanding over-squashing and bottlenecks on graphs via curvature [Paper], [Code]
  • [AAAI 2023] Restructuring Graph for Higher Homophily via Adaptive Spectral Clustering [Paper], [Code]
  • [ICML 2023] Finding the Missing-half: Graph Complementary Learning for Homophily-prone and Heterophily-prone Graphs [Paper], [Code]

(Semi-)Supervised Learning

Contrastive Learning

  • [AAAI 2023] Beyond Smoothing: Unsupervised Graph Representation Learning with Edge Heterophily Discriminating [Pdf], [Code]
  • [CIKM 2023] MUSE: Multi-View Contrastive Learning for Heterophilic Graphs [[Paper](https://arxiv.org/abs/2307.16026], [Code]
  • [ICML 2023] Half-Hop: A graph upsampling approach for slowing down message passing [Paper], [Code]
  • [NeurIPS 2023] Simple and Asymmetric Graph Contrastive Learning without Augmentations [Paper], [Code]
  • [ICML 2023] Contrastive Learning Meets Homophily: Two Birds with One Stone [Paper], [Code]

Generative Learning

  • [NeurIPS 2022] Decoupled Self-supervised Learning for Non-Homophilous Graphs [Paper], [Code]
  • [ICLR 2022] Graph Auto-Encoder Via Neighborhood Wasserstein Reconstruction [Paper], [Code]
  • [ICML 2023] Beyond Homophily: Reconstructing Structure for Graph-agnostic Clustering [Paper], [Code]

Other Learning Strategies

Model Robustness Learning

  • [NeurIPS 2022] EvenNet: Ignoring Odd-Hop Neighbors Improves Robustness of Graph Neural Networks [Paper], [Code]
  • [KDD 2022] How does Heterophily Impact Robustness of Graph Neural Networks? Theoretical Connections and Practical Implications [Paper], [Code]
  • [ArXiv] Label Propagation for Graph Label Noise [Paper], [Code]

Large-scale Graph Learning

  • [NeurIPS 2021] Large Scale Learning on Non-Homophilous Graphs: New Benchmarks and Strong Simple Methods [Paper], [Code]
  • [NeurIPS 2023] LD2:Scalable heterophilous graph neural network with decoupled embedding [Paper], [Code]
  • [ArXiv] SIMGA: A Simple and Effective Heterophilous Graph Neural Network with Efficient Global Aggregation [Paper], [Code]

Graph Prompt Learning

  • [ArXiv] Prompt Tuning for Multi-View Graph Contrastive Learning [Paper], [Code]
  • [ArXiv] Enhancing Graph Neural Networks with Structure-Based Prompt [Paper], [Code]

Model Architectures

Message Passing Based Methods

Vanilla MPNNs

  • [CIKM 2023] MUSE: Multi-View Contrastive Learning for Heterophilic Graphs [[Paper](https://arxiv.org/abs/2307.16026], [Code]
  • [ICML 2023] Half-Hop: A graph upsampling approach for slowing down message passing [Paper], [Code]
  • [NeurIPS 2023] Simple and Asymmetric Graph Contrastive Learning without Augmentations [Paper], [Code]

Component-enhanced MPNNs

  • [TPAMI] Non-Local Graph Neural Networks [Paper], [Code]
  • [AAAI2022] Graph Pointer Neural Networks [Paper], [Code]
  • [ICLR 2023] Gradient Gating for Deep Multi-Rate Learning on Graphs [Paper], [Code]

Decoupled MPNNs

  • [AAAI 2021] Beyond Low-frequency Information in Graph Convolutional Networks [Paper], [Code]
  • [ICML 2022] Finding Global Homophily in Graph Neural Networks When Meeting Heterophily [Paper], [Code]
  • [CIKM 2021] Tree Decomposed Graph Neural Network [Paper], [Code]
  • [ICLR 2021] Adaptive Universal Generalized PageRank Graph Neural Network [Paper], [Code]
  • [ICML 2020] Simple and Deep Graph Convolutional Networks [Paper] [Code]
  • [ICML 2023] Towards Deep Attention in Graph Neural Networks: Problems and Remedies [Paper], [Code]

Graph Transformer Based Methods

  • [NeurIPS 2022] NodeFormer: A Scalable Graph Structure Learning Transformer for Node Classification [Paper], [Code]
  • [ICML 2023] GOAT: A Global Transformer on Large-scale Graphs [Paper], [Code]
  • [ArXiv] SignGT: Signed Attention-based Graph Transformer for Graph Representation Learning [Paper], [Code]
  • [WWW 2023] Rethinking Structural Encodings: Adaptive Graph Transformer for Node Classification Task [Paper], [Code]

Appilications

Social Networks

Fraud Detection

  • [ArXiv] Dynamic Relation-Attentive Graph Neural Networks for Fraud Detection [Paper], [Code]
  • [WWW 2022] H2-FDetector: A GNN-based Fraud Detector with Homophilic and Heterophilic Connections [Paper], [Code]
  • [WWW 2023] Label Information Enhanced Fraud Detection against Low Homophily in Graphs [Paper], [Code]

Automated Account Detection

  • [ArXiv] Heterophily-aware Social Bot Detection with Supervised Contrastive Learning [Paper], [Code]
  • [ArXiv] HOFA: Twitter Bot Detection with Homophily-Oriented Augmentation and Frequency Adaptive Attention [Paper], [Code]
  • [ArXiv] Muti-scale Graph Neural Network with Signed-attention for Social Bot Detection: A Frequency Perspective [Paper], [Code]

Spatial Networks

Scene Generation

  • [CVPR] GPS-Net: Graph Property Sensing Network for Scene Graph Generation [Paper], [Code]
  • [CVPR] Heterophily learning network for scene graph generation [Paper], [Code]

Urban Computation

  • [KDD 2023] Spatial Heterophily Aware Graph Neural Networks [Paper], [Code]

Biochemical networks

Drug Discovery

  • [Nature Communications] Network-based prediction of drug combinations [Paper], [Code]
  • [A Drug Combination Prediction Framework Based on Graph Convolutional Network and Heterogeneous Information] Network-based prediction of drug combinations [Paper], [Code]

Gene Regulation

  • [ArXiv] Quadratic Graph Attention Network (Q-GAT) for Robust Construction of Gene Regulatory Networks [Paper], [Code]

Papers published per year

Year 2024

  • [ICLR 2024] POLYGCL: GRAPH CONTRASTIVE LEARNING VIA LEARNABLE SPECTRAL POLYNOMIAL FILTERS [Paper], [Code]
  • [ICLR 2024] Polynormer: Polynomial-Expressive Graph Transformer in Linear Time [Paper], [Code]
  • [WWW 2024] Disambiguated Node Classification with Graph Neural Networks [Paper], [Code]
  • [WWW 2024] Challenging Low Homophily in Social Recommendation [Paper], [Code]

Year 2023

  • [ICLR 2023] Gradient Gating for Deep Multi-Rate Learning on Graphs [Paper], [Code]

  • [ICLR 2023] ACMP: Allen-Cahn Message Passing with Attractive and Repulsive Forces for Graph Neural Networks [Paper], [Code]

  • [ICLR 2023] Ordered GNN: Ordering Message Passing to Deal with Heterophily and Over-smoothing [Paper], [Code]

  • [ICLR 2023] A Critical Look at Evaluation of GNNs Under Heterophily: Are We Really Making Progress? [Paper], [Code]

  • [ICLR 2023] GReTo: Remedying dynamic graph topology-task discordance via target homophily [Paper], [Code]

  • [ICLR-W 2023] Projections of Model Spaces for Latent Graph Inference [Paper], [Code]

  • [NeurIPS 2023] LD2:Scalable heterophilous graph neural network with decoupled embedding [Paper], [Code]

  • [NeurIPS 2023] Simple and Asymmetric Graph Contrastive Learning without Augmentations [Paper], [Code]

  • [ICML 2023] Characterizing Graph Datasets for Node Classification:Homophily–Heterophily Dichotomy and Beyond [Paper], [Code]

  • [ICML 2023] Finding the Missing-half: Graph Complementary Learning for Homophily-prone and Heterophily-prone Graphs [Paper], [Code]

  • [ICML 2023] Contrastive Learning Meets Homophily: Two Birds with One Stone [Paper], [Code]

  • [ICML 2023] Beyond Homophily: Reconstructing Structure for Graph-agnostic Clustering [Paper], [Code]

  • [ICML 2023] Towards Deep Attention in Graph Neural Networks: Problems and Remedies [Paper], [Code]

  • [ICML 2023] Half-Hop: A graph upsampling approach for slowing down message passing [Paper], [Code]

  • [ICML 2023] GOAT: A Global Transformer on Large-scale Graphs [Paper], [Code]

  • [ICML-W] Evolving Computation Graphs [Paper], [Code]

  • [KDD 2023] Spatial Heterophily Aware Graph Neural Networks [Paper], [Code]

  • [KDD-W 2023] Examining the Effects of Degree Distribution and Homophily in Graph Learning Models [Paper], [Code]

  • [WWW 2023] Rethinking Structural Encodings: Adaptive Graph Transformer for Node Classification Task [Paper], [Code]

  • [WWW 2023] Addressing Heterophily in Graph Anomaly Detection: A Perspective of Graph Spectrum [Paper], Code]

  • [WWW 2023] Homophily-oriented Heterogeneous Graph Rewiring [Paper], [Code]

  • [WWW 2023] Auto-HeG: Automated Graph Neural Network on Heterophilic Graphs [Paper], [Code]

  • [WWW 2023] Label Information Enhanced Fraud Detection against Low Homophily in Graphs [Paper], [Code]

  • [WWW 2023] SE-GSL: A General and Effective Graph Structure Learning Framework through Structural Entropy Optimization [Paper], [Code]

  • [IJCAI 2023] LSGNN: Towards General Graph Neural Network in Node Classification by Local Similarity [Paper], [Code]

  • [IJCAI 2023] Graph Neural Convection-Diffusion with Heterophily [Paper], [Code]

  • [AAAI 2023] Beyond Smoothing: Unsupervised Graph Representation Learning with Edge Heterophily Discriminating [Pdf], [Code]

  • [AAAI 2023] Restructuring Graph for Higher Homophily via Adaptive Spectral Clustering [Paper], [Code]

  • [AAAI-W 2023] 2-hop Neighbor Class Similarity (2NCS): A graph structural metric indicative of graph neural network performance [Paper], [Code]

  • [CIKM 2023] Homophily-enhanced Structure Learning for Graph Clustering [Paper], [Code]

  • [CIKM 2023] MUSE: Multi-View Contrastive Learning for Heterophilic Graphs [[Paper](https://arxiv.org/abs/2307.16026], [Code]

  • [ECML-PKDD 2023] Leveraging Free Labels to Power up Heterophilic Graph Learning in Weakly-Supervised Settings: An Empirical Study [Paper], [Code]

  • [ECML-PKDD 2023] Learning to Augment Graph Structure for both Homophily and Heterophily [Paper], [Code]

  • [LoG 2023] On Performance Discrepancies Across Local Homophily Levels in Graph Neural Networks [Paper], [Code]

  • [ICME 2023] Improving the Homophily of Heterophilic Graphs for Semi-Supervised Node Classification [Paper], [Code]

  • [Neurocomputing] Signed attention based graph neural network for graphs with heterophily [Paper], [Code]

  • [TKDD] Multi-View Graph Representation Learning Beyond Homophily [Paper], [Code]

  • [TNNLS] Exploiting Neighbor Effect: Conv-Agnostic GNNs Framework for Graphs with Heterophily [Paper], [Code]

  • [Data Engineering] [Survey] Heterophily and Graph Neural Networks: Past, Present and Future [Paper], [Code]

  • [Information Sciences] Taming over-smoothing representation on heterophilic graphs [Paper], [Code]

  • [Applied Soft Computing] Imbalanced node classification with Graph Neural Networks: A unified approach leveraging homophily and label information [Paper], [Code]

  • [OpenReview] Single-Pass Contrastive Learning Can Work for Both Homophilic and Heterophilic Graph? [Paper], [Code]

  • [OpenReview] Graph Contrastive Learning Under Heterophily: Utilizing Graph Filters to Generate Graph Views [Paper], [Code]

  • [OpenReview] Low-Rank Graph Neural Networks Inspired by the Weak-balance Theory in Social Networks [Paper], [Code]

  • [OpenReview] Node Classification Beyond Homophily: Towards a General Solution [Paper], [Code]

  • [OpenReview] ProtoGNN: Prototype-Assisted Message Passing Framework for Non-Homophilous Graphs [Paper], [Code]

  • [OpenReview] From ChebNet to ChebGibbsNet [Paper], [Code]

  • [OpenReview] Wide Graph Neural Network [Paper], [Code]

  • [OpenReview] SlenderGNN: Accurate, Robust, and Interpretable GNN, and the Reasons for its Success [Paper], [Code]

  • [OpenReview] ReD-GCN: Revisit the Depth of Graph Convolutional Network [Paper], [Code]

  • [OpenReview] Graph Neural Networks as Gradient Flows: Understanding Graph Convolutions via Energy [Paper], [Code]

  • [OpenReview] Are Graph Attention Networks Attentive Enough? Rethinking Graph Attention by Capturing Homophily and Heterophily [Paper], [Code]

  • [OpenReview] Causally-guided Regularization of Graph Attention improves Generalizability [Paper], [Code]

  • [ArXiv] p-Laplacian Transformer [Paper], [Code]

  • [ArXiv] Prompt Tuning for Multi-View Graph Contrastive Learning [Paper], [Code]

  • [ArXiv] SignGT: Signed Attention-based Graph Transformer for Graph Representation Learning [Paper], [Code]

  • [ArXiv] Enhancing Graph Neural Networks with Structure-Based Prompt [Paper], [Code]

  • [ArXiv] Contrastive Learning for Non-Local Graphs with Multi-Resolution Structural Views [Paper], [Code]

  • [ArXiv] Label Propagation for Graph Label Noise [Paper], [Code]

  • [ArXiv] Domain-adaptive Message Passing Graph Neural Network [Paper], [Code]

  • [ArXiv] Extended Graph Assessment Metrics for Graph Neural Networks [Paper], [Code]

  • [ArXiv] Muti-scale Graph Neural Network with Signed-attention for Social Bot Detection: A Frequency Perspective [Paper], [Code]

  • [ArXiv] Automated Polynomial Filter Learning for Graph Neural Networks [Paper], [Code]

  • [ArXiv] Frameless Graph Knowledge Distillation [Paper], [Code]

  • [ArXiv] MUSE: Multi-View Contrastive Learning for Heterophilic Graphs [Paper], [Code]

  • [ArXiv] QDC: Quantum Diffusion Convolution Kernels on Graphs [Paper], [Code]

  • [ArXiv] Diffusion-Jump GNNs: Homophiliation via Learnable Metric Filters [Paper], [Code]

  • [ArXiv] HOFA: Twitter Bot Detection with Homophily-Oriented Augmentation and Frequency Adaptive Attention [Paper], [Code]

  • [ArXiv] Self-supervised Learning and Graph Classification under Heterophily [Paper], [Code]

  • [ArXiv] Heterophily-aware Social Bot Detection with Supervised Contrastive Learning [Paper], [Code]

  • [ArXiv] Truncated Affinity Maximization: One-class Homophily Modeling for Graph Anomaly Detection [Paper], [Code]

  • ArXiv] GPatcher: A Simple and Adaptive MLP Model for Alleviating Graph Heterophily [Paper], [Code]

  • [ArXiv] PathMLP: Smooth Path Towards High-order Homophily [Paper], [Code]

  • [ArXiv] Demystifying Structural Disparity in Graph Neural Networks: Can One Size Fit All? [Paper], [Code]

  • [ArXiv] Permutation Equivariant Graph Framelets for Heterophilous Graph Learning [Paper], [Code]

  • [ArXiv] Edge Directionality Improves Learning on Heterophilic Graphs [Paper], [Code]

  • [ArXiv] Addressing Heterophily in Node Classification with Graph Echo State Networks [Paper], [Code]

  • [ArXiv] A Fractional Graph Laplacian Approach to Oversmoothing [Paper], [Code]

  • [ArXiv] From Latent Graph to Latent Topology Inference: Differentiable Cell Complex Module [Paper], [Code]

  • [ArXiv] SIMGA: A Simple and Effective Heterophilous Graph Neural Network with Efficient Global Aggregation [Paper], [Code]

  • [ArXiv] Self-attention Dual Embedding for Graphs with Heterophily [Paper], [Code]

  • [ArXiv] SIMGA: A Simple and Effective Heterophilous Graph Neural Network with Efficient Global Aggregation [Paper], [Code]

  • [ArXiv] When Do Graph Neural Networks Help with Node Classification: Investigating the Homophily Principle on Node Distinguishability [Paper], [Code]

  • [ArXiv] Imbalanced Node Classification Beyond Homophilic Assumption [Paper], [Code]

  • [ArXiv] Graph Positional Encoding via Random Feature Propagation [Paper], [Code]

  • [ArXiv] Steering Graph Neural Networks with Pinning Control [Paper], [Code]

  • [ArXiv] Contrastive Learning under Heterophily [Paper], [Code]

  • [ArXiv] Attending to Graph Transformers Paper], [Code]

  • [ArXiv] Heterophily-Aware Graph Attention Network [Paper], [Code]

  • [ArXiv] Semi-Supervised Classification with Graph Convolutional Kernel Machines [Paper], [Code]

  • [ArXiv] A Graph Neural Network with Negative Message Passing for Graph Coloring [Paper], [Code]

  • [ArXiv] Neighborhood Homophily-based Graph Convolutional Network [Paper], [Code]

  • [ArXiv] Is Signed Message Essential for Graph Neural Networks? [Paper], [Code]

Year 2022

  • [ICLR 2022] Graph Auto-Encoder Via Neighborhood Wasserstein Reconstruction [Paper], [Code]

  • [ICLR 2022] Understanding over-squashing and bottlenecks on graphs via curvature [Paper], [Code]

  • [ICLR 2022] Is Homophily A Necessity for Graph Neural Networks? [Paper], [Code]

  • [ICLR 2022] Understanding and Improving Graph Injection Attack by Promoting Unnoticeability [Paper], [Code]

  • [ICLR 2022] Neural Link Prediction with Walk Pooling [Paper], [Code]

  • [NeurIPS 2022] EvenNet: Ignoring Odd-Hop Neighbors Improves Robustness of Graph Neural Networks [Paper], [Code]

  • [NeurIPS 2022] Decoupled Self-supervised Learning for Non-Homophilous Graphs [Paper], [Code]

  • [NeurIPS 2022] NodeFormer: A Scalable Graph Structure Learning Transformer for Node Classification [Paper], [Code]

  • [NeurIPS 2022] Simplified Graph Convolution with Heterophily [Paper], [Code]

  • [NeurIPS 2022] Neural Sheaf Diffusion: A Topological Perspective on Heterophily and Oversmoothing in GNNs [Paper], [Code]

  • [NeurIPS 2022] Revisiting Heterophily For Graph Neural Networks [Paper], [Code]

  • [NeurIPS-W 2022] From Local to Global: Spectral-Inspired Graph Neural Networks [Paper], [Code]

  • [NeurIPS-W 2022] Complete the Missing Half: Augmenting Aggregation Filtering with Diversification for Graph Convolutional Networks [Paper], [Code]

  • [ICML 2022] Finding Global Homophily in Graph Neural Networks When Meeting Heterophily [Paper], [Code]

  • [ICML 2022] How Powerful are Spectral Graph Neural Networks [Paper], [Code]

  • [ICML 2022] Optimization-Induced Graph Implicit Nonlinear Diffusion [Paper], [Code]

  • [ICML-W 2022] Sheaf Neural Networks with Connection Laplacians [Paper], [Code]

  • [KDD 2022] How does Heterophily Impact Robustness of Graph Neural Networks? Theoretical Connections and Practical Implications [Paper], [Code]

  • [KDD-W 2022] On Graph Neural Network Fairness in the Presence of Heterophilous Neighborhoods [Paper], [Code]

  • [WWW 2022] H2-FDetector: A GNN-based Fraud Detector with Homophilic and Heterophilic Connections [Paper], [Code]

  • [IJCAI 2022] Beyond Homophily: Structure-aware Path Aggregation Graph Neural Network [Paper], [Code]

  • [IJCAI 2022] RAW-GNN: RAndom Walk Aggregation based Graph Neural Network [Paper], [Code]

  • [AAAI2022] Block Modeling-Guided Graph Convolutional Neural Networks [Paper], [Code]

  • [AAAI2022] Powerful Graph Convolutioal Networks with Adaptive Propagation Mechanism for Homophily and Heterophily [Paper], [Code]

  • [AAAI2022] Deformable Graph Convolutional Networks [Paper], [Code]

  • [AAAI2022] Graph Pointer Neural Networks [Paper], [Code]

  • [ICASSP 2022] Memory-based Message Passing: Decoupling the Message for Propogation from Discrimination [Paper], [Code]

  • [LoG 2022] Label-Wise Message Passing Graph Neural Network on Heterophilic Graphs [Paper], [Code]

  • [LoG 2022] Leave Graphs Alone: Addressing Over-Squashing without Rewiring [Paper], [Code]

  • [LoG 2022] Global-Local Graph Neural Networks for Node-Classification [Paper], [Code]

  • [LoG 2022] GARNET: Reduced-Rank Topology Learning for Robust and Scalable Graph Neural Networks [Paper], [Code]

  • [LoG 2022] DiffWire: Inductive Graph Rewiring via the Lovász Bound [Paper], [Code]

  • [LoG 2022] [Tutorial] Graph Rewiring: From Theory to Applications in Fairness [Link], [Code]

  • [ICDM 2022] Two Sides of The Same Coin: Heterophily and Oversmoothing in Graph Convolutional Neural Networks [Paper], [Code]

  • [ICDM-W 2022] Improving Your Graph Neural Networks: A High-Frequency Booster [Paper], [Code]

  • [TMLR] Unsupervised Network Embedding Beyond Homophily [Paper], [Code]

  • [TNNLS] NCGNN: Node-Level Capsule Graph Neural Network for Semisupervised Classification [Paper], [Code]

  • [TKDE] Beyond Low-pass Filtering: Graph Convolutional Networks with Automatic Filtering [Paper], [Code]

  • [ArXiv] Node-oriented Spectral Filtering for Graph Neural Networks [Paper], [Code]

  • [ArXiv] Revisiting Heterophily in Graph Convolution Networks by Learning Representations Across Topological and Feature Spaces [Paper], [Code]

  • [ArXiv] GLINKX: A Scalable Unified Framework For Homophilous and Heterophilous Graphs [Paper], [Code]

  • [ArXiv] Clenshaw Graph Neural Networks [Paper], [Code]

  • [ArXiv] Unifying Label-inputted Graph Neural Networks with Deep Equilibrium Models [Paper], [Code]

  • [ArXiv] Neighborhood Convolutional Network: A New Paradigm of Graph Neural Networks for Node Classification [Paper], [Code]

  • [ArXiv] Enhancing Intra-class Information Extraction for Heterophilous Graphs: One Neural Architecture Search Approach [Paper], [Code]

  • [ArXiv] Transductive Kernels for Gaussian Processes on Graphs [Paper], [Code]

  • [ArXiv] Flip Initial Features: Generalization of Neural Networks for Semi-supervised Node Classification [Paper], [Code]

  • [ArXiv] VR-GNN: Variational Relation Vector Graph Neural Network for Modeling both Homophily and Heterophily [Paper], [Code]

  • [ArXiv] GREAD: Graph Neural Reaction-Diffusion Equations [Paper], [Code]

  • [ArXiv] HP-GMN: Graph Memory Networks for Heterophilous Graphs [Paper], [Code]

  • [ArXiv] When Do We Need GNN for Node Classification? [Paper], [Code]

  • [ArXiv] Break the Wall Between Homophily and Heterophily for Graph Representation Learning [Paper], [Code]

  • [ArXiv] GPNet: Simplifying Graph Neural Networks via Multi-channel Geometric Polynomials [Paper], [Code]

  • [ArXiv] Graph Polynomial Convolution Models for Node Classification of Non-Homophilous Graphs [Paper], [Code]

  • [ArXiv] Characterizing Graph Datasets for Node Classification: Beyond Homophily-Heterophily Dichotomy [Paper], [Code]

  • [ArXiv] Make Heterophily Graphs Better Fit GNN: A Graph Rewiring Approach [Paper], [Code]

  • [ArXiv] Link Prediction on Heterophilic Graphs via Disentangled Representation Learning [Paper], [Code]

  • [ArXiv] What Do Graph Convolutional Neural Networks Learn? [Paper], [Code]

  • [ArXiv] Deformable Graph Transformer [Paper], [Code]

  • [ArXiv] Demystifying Graph Convolution with a Simple Concatenation [Paper], [Code]

  • [ArXiv] Restructuring Graph for Higher Homophily via Learnable Spectral Clustering [Paper], [Code]

  • [ArXiv] Graph Neural Networks as Gradient Flows [Paper], [Code]

  • [ArXiv] Augmentation-Free Graph Contrastive Learning with Performance Guarantee [Paper], [Code]

  • [ArXiv] Simplifying Node Classification on Heterophilous Graphs with Compatible Label Propagation [Paper], [Code]

  • [ArXiv] Revisiting the Role of Heterophily in Graph Representation Learning: An Edge Classification Perspective [Paper], [Code]

  • [ArXiv] ES-GNN: Generalizing Graph Neural Networks Beyond Homophily with Edge Splitting [Paper], [Code]

  • [ArXiv] Graph Representation Learning Beyond Node and Homophily [Paper], [Code]

  • [ArXiv] Incorporating Heterophily into Graph Neural Networks for Graph Classification [Paper], [Code]

  • [ArXiv] Homophily modulates double descent generalization in graph convolution networks [Paper], [Code]

  • [ArXiv] [Survey Paper] Graph Neural Networks for Graphs with Heterophily: A Survey [Paper], [Code]

  • [ArXiv] When Does A Spectral Graph Neural Network Fail in Node Classification? [Paper], [Code]

  • [ArXiv] GSN: A Universal Graph Neural Network Inspired by Spring Network [Paper], [Code]

  • [ArXiv] Graph Decoupling Attention Markov Networks for Semi-supervised Graph Node Classification [Paper], [Code]

  • [ArXiv] Relational Graph Neural Network Design via Progressive Neural Architecture Search [Paper], [Code]

Year 2021

  • [ICLR 2021] Adaptive Universal Generalized PageRank Graph Neural Network [Paper], [Code]

  • [ICLR 2021] How to Find Your Friendly Neighborhood: Graph Attention Design with Self-Supervision [Paper], [Code]

  • [NeurIPS 2021] Large Scale Learning on Non-Homophilous Graphs: New Benchmarks and Strong Simple Methods [Paper], [Code]

  • [NeurIPS 2021] Diverse Message Passing for Attribute with Heterophily [Paper], [Code]

  • [NeurIPS 2021] Universal Graph Convolutional Networks [Paper], [Code]

  • [NeurIPS 2021] EIGNN: Efficient Infinite-Depth Graph Neural Networks [Paper], [Code]

  • [NeurIPS 2021] BernNet: Learning Arbitrary Graph Spectral Filters via Bernstein Approximation [Paper], [Code]

  • [KDD 2021] Breaking the Limit of Graph Neural Networks by Improving the Assortativity of Graphs with Local Mixing Patterns [Paper], [Code]

  • [AAAI 2021] Beyond Low-frequency Information in Graph Convolutional Networks [Paper], [Code]

  • [AAAI 2021] Graph Neural Networks with Heterophily [Paper], [Code]

  • [CIKM 2021] AdaGNN: Graph Neural Networks with Adaptive Frequency Response Filter [Paper], [Code]

  • [CIKM 2021] Tree Decomposed Graph Neural Network [Paper], [Code]

  • [WSDM 2021] Node Similarity Preserving Graph Convolutional Networks [Paper], [Code]

  • [ICASSP] Geometric Scattering Attention Networks [Paper], [Code]

  • [TPAMI] Non-Local Graph Neural Networks [Paper], [Code]

  • [Journal of Physics: Conference Series] Energy Levels Based Graph Neural Networks for Heterophily [Paper], [Code]

  • [ArXiv] Unifying Homophily and Heterophily Network Transformation via Motifs [Paper], [Code]

  • [ArXiv] SkipNode: On Alleviating Over-smoothing for Deep Graph Convolutional Networks [Paper], [Code]

  • [ArXiv] Simplifying Approach to Node Classification in Graph Neural Networks [Paper], [Code]

  • [ArXiv] Is Heterophily A Real Nightmare For Graph Neural Networks To Do Node Classification? [Paper], [Code]

  • [ArXiv] GCN-SL: Graph Convolutional Networks with Structure Learning for Graphs under Heterophily [Paper], [Code]

  • [ArXiv] Beyond Low-Pass Filters: Adaptive Feature Propagation on Graphs [Paper], [Code]

  • [ArXiv] Node2Seq: Towards Trainable Convolutions in Graph Neural Networks [Paper], [Code]

Year 2020

  • [ICLR 2020] Geom-GCN: Geometric Graph Convolutional Networks [Paper], [Code]

  • [ICML 2020] Simple and Deep Graph Convolutional Networks [Paper] [Code]

  • [NeurIPS 2020] Beyond Homophily in Graph Neural Networks: Current Limitations and Effective Designs [Paper], [Code]

Year 2019

  • [ICML 2019] MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing [Paper], [Code]