Skip to content

This repository contains the resources on graph neural network (GNN) considering heterophily.

License

Notifications You must be signed in to change notification settings

alexfanjn/Graph-Neural-Networks-With-Heterophily

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 
 
 
 
 

Repository files navigation

Awesome Resources on Graph Neural Networks With Heterophily

This repository contains the relevant resources on graph neural network (GNN) considering heterophily.

It's worth noting that the heterophily we consider here is not the same as heterogeneity. Heterogeneity is more related to the node type difference such as the user and item nodes in recommender systems, but heterophily is more like the feature or label difference between the neighbors under the nodes with the same type. Traditional GNNs usually assume that similar nodes (features/classes) are connected together, but the "opposites attract" phenomenon also widely exists in general graphs.

If you find anything incorrect, please let me know. Thanks!

Papers

2024

  • Consistency Training with Learnable Data Augmentation for Graph Anomaly Detection with Limited Supervision, ICLR, [Paper], [Code]
  • PolyGCL: Graph Contrastive Learning via Learnable Spectral Polynomial Filters, ICLR, [Paper], [Code]
  • Partitioning Message Passing for Graph Fraud Detection, ICLR, [Paper], [Code]
  • NetInfoF Framework: Measuring and Exploiting Network Usable Information, ICLR, [Paper], [Code]
  • Polynormer: Polynomial-Expressive Graph Transformer in Linear Time, ICLR, [Paper], [Code]
  • From Latent Graph to Latent Topology Inference: Differentiable Cell Complex Module, ICLR, [Paper], [Code]
  • Mixture of Weak & Strong Experts on Graphs, ICLR, [Paper], [Code]
  • HoloNets: Spectral Convolutions do extend to Directed Graphs, ICLR, [Paper], [Code]
  • VCR-Graphormer: A Mini-batch Graph Transformer via Virtual Connections, ICLR, [Paper], [Code]
  • PC-Conv: Unifying Homophily and Heterophily with Two-fold Filtering, AAAI, [Paper], [Code]
  • Refining Latent Homophilic Structures over Heterophilic Graphs for Robust Graph Convolution Networks, AAAI, [Paper], [Code]
  • Homophily-Related: Adaptive Hybrid Graph Filter for Multi-View Graph Clustering, AAAI, [Paper], [Code]
  • PhoGAD: Graph-based Anomaly Behavior Detection with Persistent Homology Optimization, WSDM, [Paper], [Code]
  • Challenging Low Homophily in Social Recommendation, WWW, [Paper], [Code]
  • Cross-Space Adaptive Filter: Integrating Graph Topology and Node Attributes for Alleviating the Over-smoothing Problem, WWW, [Paper], [Code]
  • Disambiguated Node Classification with Graph Neural Networks, WWW, [Paper], [Code]
  • Permutation Equivariant Graph Framelets for Heterophilous Graph Learning, TNNLS, [Paper], [Code]
  • Breaking the Entanglement of Homophily and Heterophily in Semi-supervised Node Classification, ICDE, [Paper], [Code]
  • Rethinking Spectral Graph Neural Networks with Spatially Adaptive Filtering, arXiv, [Paper], [Code]
  • Understanding Heterophily for Graph Neural Networks, arXiv, [Paper], [Code]
  • Universally Robust Graph Neural Networks by Preserving Neighbor Similarity, arXiv, [Paper], [Code]
  • [Survey Paper] Learning from Graphs with Heterophily: Progress and Future, arXiv, [Paper], [Code]
  • Design Your Own Universe: A Physics-Informed Agnostic Method for Enhancing Graph Neural Networks, arXiv, [Paper], [Code]
  • Hypergraph Neural Networks through the Lens of Message Passing: A Common Perspective to Homophily and Architecture Design, arXiv, [Paper], [Code]
  • Heterophily-Aware Fair Recommendation using Graph Convolutional Networks, arXiv, [Paper], [Code]
  • Feature Distribution on Graph Topology Mediates the Effect of Graph Convolution: Homophily Perspective, arXiv, [Paper], [Code]
  • Flexible infinite-width graph convolutional networks and the importance of representation learning, arXiv, [Paper], [Code]
  • Link Prediction under Heterophily: A Physics-Inspired Graph Neural Network Approach, arXiv, [Paper], [Code]
  • Representation Learning on Heterophilic Graph with Directional Neighborhood Attention, arXiv, [Paper], [Code]
  • Self-Attention Empowered Graph Convolutional Network for Structure Learning and Node Embedding, arXiv, [Paper], [Code]
  • Robust Graph Structure Learning under Heterophily, arXiv, [Paper], [Code]
  • Provable Filter for Real-world Graph Clustering, arXiv, [Paper], [Code]
  • Simplified PCNet with Robustness, arXiv, [Paper], [Code]
  • Optimizing Polynomial Graph Filters: A Novel Adaptive Krylov Subspace Approach, arXiv, [Paper], [Code]
  • Generation is better than Modification: Combating High Class Homophily Variance in Graph Anomaly Detection, arXiv, [Paper], [Code]
  • Discovering Invariant Neighborhood Patterns for Heterophilic Graphs, arXiv, [Paper], [Code]
  • Distinguishing Neighborhood Representations Through Reverse Process of GNNs for Heterophilic Graphs, arXiv, [Paper], [Code]
  • Learn from Heterophily: Heterophilous Information-enhanced Graph Neural Network, arXiv, [Paper], [Code]
  • Spectral Graph Pruning Against Over-Squashing and Over-Smoothing, arXiv, [Paper], [Code]

2023

  • Beyond Smoothing: Unsupervised Graph Representation Learning with Edge Heterophily Discriminating, AAAI, [Paper], [Code]
  • Restructuring Graph for Higher Homophily via Adaptive Spectral Clustering, AAAI, [Paper], [Code]
  • 2-hop Neighbor Class Similarity (2NCS): A graph structural metric indicative of graph neural network performance, AAAI-W, [Paper], [Code]
  • Ordered GNN: Ordering Message Passing to Deal with Heterophily and Over-smoothing, ICLR, [Paper], [Code]
  • Gradient Gating for Deep Multi-Rate Learning on Graphs, ICLR, [Paper], [Code]
  • ACMP: Allen-Cahn Message Passing with Attractive and Repulsive Forces for Graph Neural Networks, ICLR, [Paper], [Code]
  • A Critical Look at Evaluation of GNNs Under Heterophily: Are We Really Making Progress?, ICLR, [Paper], [Code]
  • GReTo: Remedying dynamic graph topology-task discordance via target homophily, ICLR, [Paper], [Code]
  • Projections of Model Spaces for Latent Graph Inference, ICLR-W, [Paper], [Code]
  • Addressing Heterophily in Graph Anomaly Detection: A Perspective of Graph Spectrum, WWW, [Paper], [Code]
  • Homophily-oriented Heterogeneous Graph Rewiring, WWW, [Paper], [Code]
  • Auto-HeG: Automated Graph Neural Network on Heterophilic Graphs, WWW, [Paper], [Code]
  • Label Information Enhanced Fraud Detection against Low Homophily in Graphs, WWW, [Paper], [Code]
  • SE-GSL: A General and Effective Graph Structure Learning Framework through Structural Entropy Optimization, WWW, [Paper], [Code]
  • Graph Neural Networks with Diverse Spectral Filtering, WWW, [Paper], [Code]
  • GCNH: A Simple Method For Representation Learning on Heterophilous Graphs, IJCNN, [Paper], [Code]
  • Exploiting Neighbor Effect: Conv-Agnostic GNNs Framework for Graphs with Heterophily, TNNLS, [Paper], [Code]
  • Multi-View Graph Representation Learning Beyond Homophily, TKDD, [Paper], [Code]
  • Spatial Heterophily Aware Graph Neural Networks, KDD, [Paper], [Code]
  • Node Classification Beyond Homophily: Towards a General Solution, KDD, [Paper], [Code]
  • Examining the Effects of Degree Distribution and Homophily in Graph Learning Models, KDD-W, [Paper], [Code]
  • Finding the Missing-half: Graph Complementary Learning for Homophily-prone and Heterophily-prone Graphs, ICML, [Paper], [Code]
  • Contrastive Learning Meets Homophily: Two Birds with One Stone, ICML, [Paper], [Code]
  • Beyond Homophily: Reconstructing Structure for Graph-agnostic Clustering, ICML, [Paper], [Code]
  • GOAT: A Global Transformer on Large-scale Graphs, ICML, [Paper], [Code]
  • Towards Deep Attention in Graph Neural Networks: Problems and Remedies, ICML, [Paper], [Code]
  • Half-Hop: A graph upsampling approach for slowing down message passing, ICML, [Paper], [Code]
  • Evolving Computation Graphs, ICML-W, [Paper], [Code]
  • [Survey Paper] Heterophily and Graph Neural Networks: Past, Present and Future, Data Engineering, [Paper], [Code]
  • Homophily-Enhanced Self-Supervision for Graph Structure Learning: Insights and Directions, TNNLS, [Paper], [Code]
  • LSGNN: Towards General Graph Neural Network in Node Classification by Local Similarity, IJCAI, [Paper], [Code]
  • Graph Neural Convection-Diffusion with Heterophily, IJCAI, [Paper], [Code]
  • Imbalanced Node Classification Beyond Homophilic Assumption, IJCAI, [Paper], [Code]
  • Beyond Homophily: Robust Graph Anomaly Detection via Neural Sparsification, IJCAI, [Paper], [Code]
  • Taming over-smoothing representation on heterophilic graphs, Inf. Sci., [Paper], [Code]
  • Homophily-enhanced Structure Learning for Graph Clustering, CIKM, [Paper], [Code]
  • Neighborhood Homophily-based Graph Convolutional Network, CIKM, [Paper], [Code]
  • HOVER: Homophilic Oversampling via Edge Removal for Class-Imbalanced Bot Detection on Graphs, CIKM, [Paper], [Code]
  • Self-supervised Learning and Graph Classification under Heterophily, CIKM, [Paper], [Code]
  • MUSE: Multi-View Contrastive Learning for Heterophilic Graphs, CIKM, [Paper], [Code]
  • SplitGNN: Spectral Graph Neural Network for Fraud Detection against Heterophily, CIKM, [Paper], [Code]
  • Signed attention based graph neural network for graphs with heterophily, Neurocomputing, [Paper], [Code]
  • Improving the Homophily of Heterophilic Graphs for Semi-Supervised Node Classification, ICME, [Paper], [Code]
  • Imbalanced node classification with Graph Neural Networks: A unified approach leveraging homophily and label information, Appl. Soft Comput., [Paper], [Code]
  • Leveraging Free Labels to Power up Heterophilic Graph Learning in Weakly-Supervised Settings: An Empirical Study, ECML-PKDD, [Paper], [Code]
  • Learning to Augment Graph Structure for both Homophily and Heterophily, ECML-PKDD, [Paper], [Code]
  • Single-Pass Contrastive Learning Can Work for Both Homophilic and Heterophilic Graph?, TMLR, [Paper], [Code]
  • On Performance Discrepancies Across Local Homophily Levels in Graph Neural Networks, LoG, [Paper], [Code]
  • UniG-Encoder: A Universal Feature Encoder for Graph and Hypergraph Node Classification, PR, [Paper], [Code]
  • Simple and Asymmetric Graph Contrastive Learning without Augmentations, NeurIPS, [Paper], [Code]
  • When Do Graph Neural Networks Help with Node Classification: Investigating the Homophily Principle on Node Distinguishability, NeurIPS, [Paper], [Code]
  • Characterizing Graph Datasets for Node Classification: Homophily-Heterophily Dichotomy and Beyond, NeurIPS, [Paper], [Code]
  • Truncated Affinity Maximization: One-class Homophily Modeling for Graph Anomaly Detection, NeurIPS, [Paper], [Code]
  • LD2: Scalable Heterophilous Graph Neural Network with Decoupled Embeddings, NeurIPS, [Paper], [Code]
  • Predicting Global Label Relationship Matrix for Graph Neural Networks under Heterophily, NeurIPS, [Paper], [Code]
  • From Trainable Negative Depth to Edge Heterophily in Graphs, NeurIPS, [Paper], [Code]
  • Alleviating Structural Distribution Shift in Graph Anomaly Detection, WSDM, [Paper], [Code]
  • SlenderGNN: Accurate, Robust, and Interpretable GNN, and the Reasons for its Success, ICLR OpenReview, [Paper], [Code]
  • Simple Spectral Graph Convolution from an Optimization Perspective, ICLR OpenReview, [Paper], [Code]
  • The Impact of Neighborhood Distribution in Graph Convolutional Networks, ICLR OpenReview, [Paper], [Code]
  • Wide Graph Neural Network, ICLR OpenReview, [Paper], [Code]
  • Are Graph Attention Networks Attentive Enough? Rethinking Graph Attention by Capturing Homophily and Heterophily, ICLR OpenReview, [Paper], [Code]
  • From ChebNet to ChebGibbsNet, ICLR OpenReview, [Paper], [Code]
  • ProtoGNN: Prototype-Assisted Message Passing Framework for Non-Homophilous Graphs, ICLR OpenReview, [Paper], [Code]
  • Low-Rank Graph Neural Networks Inspired by the Weak-balance Theory in Social Networks, ICLR OpenReview, [Paper], [Code]
  • Graph Contrastive Learning Under Heterophily: Utilizing Graph Filters to Generate Graph Views, ICLR OpenReview, [Paper], [Code]
  • ReD-GCN: Revisit the Depth of Graph Convolutional Network, ICLR OpenReview, [Paper], [Code]
  • Graph Neural Networks as Gradient Flows: Understanding Graph Convolutions via Energy, ICLR OpenReview, [Paper], [Code]
  • Causally-guided Regularization of Graph Attention improves Generalizability, ICLR OpenReview, [Paper], [Code]
  • GReTo: Remedying dynamic graph topology-task discordance via target homophily, ICLR OpenReview, [Paper], [Code]
  • Homophily modulates double descent generalization in graph convolution networks, arXiv, [Paper], [Code]
  • Semi-Supervised Classification with Graph Convolutional Kernel Machines, arXiv, [Paper], [Code]
  • A Graph Neural Network with Negative Message Passing for Graph Coloring, arXiv, [Paper], [Code]
  • Is Signed Message Essential for Graph Neural Networks?, arXiv, [Paper], [Code]
  • Attending to Graph Transformers, arXiv, [Paper], [Code]
  • Heterophily-Aware Graph Attention Network, arXiv, [Paper], [Code]
  • Steering Graph Neural Networks with Pinning Control, arXiv, [Paper], [Code]
  • Contrastive Learning under Heterophily, arXiv, [Paper], [Code]
  • Graph Positional Encoding via Random Feature Propagation, arXiv, [Paper], [Code]
  • GPatcher: A Simple and Adaptive MLP Model for Alleviating Graph Heterophily, arXiv, [Paper], [Code]
  • PathMLP: Smooth Path Towards High-order Homophily, arXiv, [Paper], [Code]
  • Demystifying Structural Disparity in Graph Neural Networks: Can One Size Fit All?, arXiv, [Paper], [Code]
  • Edge Directionality Improves Learning on Heterophilic Graphs, arXiv, [Paper], [Code]
  • Addressing Heterophily in Node Classification with Graph Echo State Networks, arXiv, [Paper], [Code]
  • SIMGA: A Simple and Effective Heterophilous Graph Neural Network with Efficient Global Aggregation, arXiv, [Paper], [Code]
  • A Fractional Graph Laplacian Approach to Oversmoothing, arXiv, [Paper], [Code]
  • From Latent Graph to Latent Topology Inference: Differentiable Cell Complex Module, arXiv, [Paper], [Code]
  • Self-attention Dual Embedding for Graphs with Heterophily, arXiv, [Paper], [Code]
  • Explaining and Adapting Graph Conditional Shift, arXiv, [Paper], [Code]
  • Heterophily-aware Social Bot Detection with Supervised Contrastive Learning, arXiv, [Paper], [Code]
  • Diffusion-Jump GNNs: Homophiliation via Learnable Metric Filters, arXiv, [Paper], [Code]
  • HOFA: Twitter Bot Detection with Homophily-Oriented Augmentation and Frequency Adaptive Attention, arXiv, [Paper], [Code]
  • Heterophily-aware Social Bot Detection with Supervised Contrastive Learning, arXiv, [Paper], [Code]
  • Extended Graph Assessment Metrics for Graph Neural Networks, arXiv, [Paper], [Code]
  • Automated Polynomial Filter Learning for Graph Neural Networks, arXiv, [Paper], [Code]
  • Frameless Graph Knowledge Distillation, arXiv, [Paper], [Code]
  • QDC: Quantum Diffusion Convolution Kernels on Graphs, arXiv, [Paper], [Code]
  • Contrastive Learning for Non-Local Graphs with Multi-Resolution Structural Views, arXiv, [Paper], [Code]
  • Domain-adaptive Message Passing Graph Neural Network, arXiv, [Paper], [Code]
  • Unifying over-smoothing and over-squashing in graph neural networks: A physics informed approach and beyond, arXiv, [Paper], [Code]
  • Bregman Graph Neural Network, arXiv, [Paper], [Code]
  • HoloNets: Spectral Convolutions do extend to Directed Graphs, arXiv, [Paper], [Code]
  • Learning Graph Filters for Spectral GNNs via Newton Interpolation, arXiv, [Paper], [Code]
  • SignGT: Signed Attention-based Graph Transformer for Graph Representation Learning, arXiv, [Paper], [Code]
  • Hetero2Net: Heterophily-aware Representation Learning on Heterogenerous Graphs, arXiv, [Paper], [Code]
  • Augment with Care: Enhancing Graph Contrastive Learning with Selective Spectrum Perturbation, arXiv, [Paper], [Code]
  • Enhancing Graph Neural Networks with Structure-Based Prompt, arXiv, [Paper], [Code]
  • Resist Label Noise with PGM for Graph Neural Networks, arXiv, [Paper], [Code]
  • Prioritized Propagation in Graph Neural Networks, arXiv, [Paper], [Code]
  • Dirichlet Energy Enhancement of Graph Neural Networks by Framelet Augmentation, arXiv, [Paper], [Code]
  • An Effective Universal Polynomial Basis for Spectral Graph Neural Networks, arXiv, [Paper], [Code]
  • Revisiting Graph-based Fraud Detection in Sight of Heterophily and Spectrum, arXiv, [Paper], [Code]
  • CAT: A Causally Graph Attention Network for Trimming Heterophilic Graph, arXiv, [Paper], [Code]
  • GraphRARE: Reinforcement Learning Enhanced Graph Neural Network with Relative Entropy, arXiv, [Paper], [Code]

2022

  • Block Modeling-Guided Graph Convolutional Neural Networks, AAAI, [Paper], [Code]
  • Powerful Graph Convolutioal Networks with Adaptive Propagation Mechanism for Homophily and Heterophily, AAAI, [Paper], [Code]
  • Deformable Graph Convolutional Networks, AAAI, [Paper], [Code]
  • Graph Pointer Neural Networks, AAAI, [Paper], [Code]
  • Is Homophily A Necessity for Graph Neural Networks?, ICLR, [Paper], [Code]
  • Designing the Topology of Graph Neural Networks: A Novel Feature Fusion Perspective, WWW, [Paper], [Code]
  • GBK-GNN: Gated Bi-Kernel Graph Neural Networks for Modeling Both Homophily and Heterophily, WWW, [Paper], [Code]
  • Meta-Weight Graph Neural Network: Push the Limits Beyond Global Homophily, WWW, [Paper], [Code]
  • Understanding and Improving Graph Injection Attack by Promoting Unnoticeability, ICLR, [Paper], [Code]
  • Neural Link Prediction with Walk Pooling, ICLR, [Paper], [Code]
  • Finding Global Homophily in Graph Neural Networks When Meeting Heterophily, ICML, [Paper], [Code]
  • How Powerful are Spectral Graph Neural Networks, ICML, [Paper], [Code]
  • Optimization-Induced Graph Implicit Nonlinear Diffusion, ICML, [Paper], [Code]
  • Sheaf Neural Networks with Connection Laplacians, ICML-W, [Paper], [Code]
  • How does Heterophily Impact Robustness of Graph Neural Networks? Theoretical Connections and Practical Implications, KDD, [Paper], [Code]
  • On Graph Neural Network Fairness in the Presence of Heterophilous Neighborhoods, KDD-W, [Paper], [Code]
  • NCGNN: Node-Level Capsule Graph Neural Network for Semisupervised Classification, TNNLS, [Paper], [Code]
  • Beyond Low-pass Filtering: Graph Convolutional Networks with Automatic Filtering, TKDE, [Paper], [Code]
  • Beyond Homophily: Structure-aware Path Aggregation Graph Neural Network, IJCAI, [Paper], [Code]
  • RAW-GNN: RAndom Walk Aggregation based Graph Neural Network, IJCAI, [Paper], [Code]
  • EvenNet: Ignoring Odd-Hop Neighbors Improves Robustness of Graph Neural Networks, NeurIPS, [Paper], [Code]
  • Simplified Graph Convolution with Heterophily, NeurIPS, [Paper], [Code]
  • Neural Sheaf Diffusion: A Topological Perspective on Heterophily and Oversmoothing in GNNs, NeurIPS, [Paper], [Code]
  • Revisiting Heterophily For Graph Neural Networks, NeurIPS, [Paper], [Code]
  • From Local to Global: Spectral-Inspired Graph Neural Networks, NeurIPS-W, [Paper], [Code]
  • Complete the Missing Half: Augmenting Aggregation Filtering with Diversification for Graph Convolutional Networks, NeurIPS-W, [Paper], [Code]
  • Beyond Homophily with Graph Echo State Networks, ESANN, [Paper], [Code]
  • Memory-based Message Passing: Decoupling the Message for Propogation from Discrimination, ICASSP, [Paper], [Code]
  • Label-Wise Message Passing Graph Neural Network on Heterophilic Graphs, LoG, [Paper], [Code]
  • Leave Graphs Alone: Addressing Over-Squashing without Rewiring, LoG, [Paper], [Code]
  • Global-Local Graph Neural Networks for Node-Classification, LoG, [Paper], [Code]
  • GARNET: Reduced-Rank Topology Learning for Robust and Scalable Graph Neural Networks, LoG, [Paper], [Code]
  • DiffWire: Inductive Graph Rewiring via the Lovász Bound, LoG, [Paper], [Code]
  • [Tutorial] Graph Rewiring: From Theory to Applications in Fairness, LoG, [Link], [Code]
  • Unsupervised Network Embedding Beyond Homophily, TMLR, [Paper], [Code]
  • Improving Your Graph Neural Networks: A High-Frequency Booster, ICDM-W, [Paper], [Code]
  • GSN: A Universal Graph Neural Network Inspired by Spring Network, arXiv, [Paper], [Code]
  • Graph Decoupling Attention Markov Networks for Semi-supervised Graph Node Classification, arXiv, [Paper], [Code]
  • Relational Graph Neural Network Design via Progressive Neural Architecture Search, arXiv, [Paper], [Code]
  • Graph Neural Network with Curriculum Learning for Imbalanced Node Classification, arXiv, [Paper], [Code]
  • [Survey Paper] Graph Neural Networks for Graphs with Heterophily: A Survey, arXIv, [Paper], [Code]
  • When Does A Spectral Graph Neural Network Fail in Node Classification?, arXIv, [Paper], [Code]
  • Graph Representation Learning Beyond Node and Homophily, arXiv, [Paper], [Code]
  • Incorporating Heterophily into Graph Neural Networks for Graph Classification, arXiv, [Paper], [Code]
  • Augmentation-Free Graph Contrastive Learning, arXiv, [Paper], [Code]
  • Simplifying Node Classification on Heterophilous Graphs with Compatible Label Propagation, arXiv, [Paper], [Code]
  • Revisiting the Role of Heterophily in Graph Representation Learning: An Edge Classification Perspective, arXiv, [Paper], [Code]
  • ES-GNN: Generalizing Graph Neural Networks Beyond Homophily with Edge Splitting, arXiv, [Paper], [Code]
  • Restructuring Graph for Higher Homophily via Learnable Spectral Clustering, arXiv, [Paper], [Code]
  • Decoupled Self-supervised Learning for Non-Homophilous Graphs, arXiv, [Paper], [Code]
  • Graph Neural Networks as Gradient Flows, arXiv, [Paper], [Code]
  • What Do Graph Convolutional Neural Networks Learn?, arXiv, [Paper], [Code]
  • Deformable Graph Transformer, arXiv, [Paper], [Code]
  • Demystifying Graph Convolution with a Simple Concatenation, arXiv, [Paper], [Code]
  • Link Prediction on Heterophilic Graphs via Disentangled Representation Learning, arXiv, [Paper], [Code]
  • Graph Polynomial Convolution Models for Node Classification of Non-Homophilous Graphs, arXiv, [Paper], [Code]
  • Make Heterophily Graphs Better Fit GNN: A Graph Rewiring Approach, arXiv, [Paper], [Code]
  • Break the Wall Between Homophily and Heterophily for Graph Representation Learning, arXiv, [Paper], [Code]
  • GPNet: Simplifying Graph Neural Networks via Multi-channel Geometric Polynomials, arXiv, [Paper], [Code]
  • HP-GMN: Graph Memory Networks for Heterophilous Graphs, arXiv, [Paper], [Code]
  • When Do We Need GNN for Node Classification?, arXiv, [Paper], [Code]
  • Revisiting Heterophily in Graph Convolution Networks by Learning Representations Across Topological and Feature Spaces, arXiv, [Paper], [Code]
  • GLINKX: A Scalable Unified Framework For Homophilous and Heterophilous Graphs, arXiv, [Paper], [Code]
  • Clenshaw Graph Neural Networks, arXiv, [Paper], [Code]
  • Unifying Label-inputted Graph Neural Networks with Deep Equilibrium Models, arXiv, [Paper], [Code]
  • Neighborhood Convolutional Network: A New Paradigm of Graph Neural Networks for Node Classification, arXiv, [Paper], [Code]
  • Enhancing Intra-class Information Extraction for Heterophilous Graphs: One Neural Architecture Search Approach, arXiv, [Paper], [Code]
  • Transductive Kernels for Gaussian Processes on Graphs, arXiv, [Paper], [Code]
  • Flip Initial Features: Generalization of Neural Networks for Semi-supervised Node Classification, arXiv, [Paper], [Code]
  • VR-GNN: Variational Relation Vector Graph Neural Network for Modeling both Homophily and Heterophily, arXiv, [Paper], [Code]
  • GREAD: Graph Neural Reaction-Diffusion Equations, arXiv, [Paper], [Code]
  • Node-oriented Spectral Filtering for Graph Neural Networks, arXiv, [Paper], [Code]

2021

  • AdaGNN: Graph Neural Networks with Adaptive Frequency Response Filter, CIKM, [Paper], [Code]
  • Tree Decomposed Graph Neural Network, CIKM, [Paper], [Code]
  • Large Scale Learning on Non-Homophilous Graphs: New Benchmarks and Strong Simple Methods, NeurIPS, [Paper], [Code]
  • Diverse Message Passing for Attribute with Heterophily, NeurIPS, [Paper], [Code]
  • Universal Graph Convolutional Networks, NeurIPS, [Paper], [Code]
  • EIGNN: Efficient Infinite-Depth Graph Neural Networks, NeurIPS, [Paper], [Code]
  • BernNet: Learning Arbitrary Graph Spectral Filters via Bernstein Approximation, [Paper], [Code]
  • Beyond Low-frequency Information in Graph Convolutional Networks, AAAI, [Paper], [Code]
  • Graph Neural Networks with Heterophily, AAAI, [Paper], [Code]
  • Node Similarity Preserving Graph Convolutional Networks, WSDM, [Paper], [Code]
  • Adaptive Universal Generalized PageRank Graph Neural Network, ICLR, [Paper], [Code]
  • How to Find Your Friendly Neighborhood: Graph Attention Design with Self-Supervision, ICLR, [Paper], [Code]
  • Energy Levels Based Graph Neural Networks for Heterophily, Journal of Physics: Conference Series, [Paper], [Code]
  • Geometric Scattering Attention Networks, ICASSP, [Paper], [Code]
  • Breaking the Limit of Graph Neural Networks by Improving the Assortativity of Graphs with Local Mixing Patterns, KDD, [Paper], [Code]
  • Non-Local Graph Neural Networks, TPAMI, [Paper], [Code]
  • Is Heterophily A Real Nightmare For Graph Neural Networks To Do Node Classification?, arXiv, [Paper], [Code]
  • GCN-SL: Graph Convolutional Networks with Structure Learning for Graphs under Heterophily, arXiv, [Paper], [Code]
  • Unifying Homophily and Heterophily Network Transformation via Motifs, arXiv, [Paper], [Code]
  • Two Sides of The Same Coin: Heterophily and Oversmoothing in Graph Convolutional Neural Networks, arXiv, [Paper], [Code]
  • Beyond Low-Pass Filters: Adaptive Feature Propagation on Graphs, arXiv, [Paper], [Code]
  • SkipNode: On Alleviating Over-smoothing for Deep Graph Convolutional Networks, arXiv, [Paper], [Code]
  • Node2Seq: Towards Trainable Convolutions in Graph Neural Networks, arXiv, [Paper], [Code]
  • Simplifying Approach to Node Classification in Graph Neural Networks, arXiv, [Paper], [Code]

2020

  • Simple and Deep Graph Convolutional Networks, ICML, [Paper], [Code]
  • Beyond Homophily in Graph Neural Networks: Current Limitations and Effective Designs, NeurIPS, [Paper], [Code]
  • Geom-GCN: Geometric Graph Convolutional Networks, ICLR, [Paper], [Code]

2019 and before

  • To be added

Datasets

  • To be added

About

This repository contains the resources on graph neural network (GNN) considering heterophily.

Topics

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published