SlideShare una empresa de Scribd logo
1 de 17
Descargar para leer sin conexión
Edge Representation Learning with Hypergraphs
Jaehyeong Jo1*, Jinheon Baek1*, Seul Lee1*,
Dongki Kim1, Minki Kang1, Sung Ju Hwang1,2
(*: equal contribution)
KAIST1, AITRICS2, South Korea
1
3
2
4
A B
C
D
𝑮𝑮 = ( 𝑿𝑿, 𝑴𝑴, 𝑬𝑬 ) Edge Feature
Node Feature
Incidence Matrix
1 2 3 4
A
B
C
D
A
B
C
D
1
2
3
4
Graphs: Nodes, Edges and Incidence
Graphs can be represented by the triplet:
Node feature, incidence matrix, and edge feature.
𝑿𝑿
𝑴𝑴
𝑬𝑬
Importance of Learning Edges
(a) Tylenol (Beneficial)
(b) NAPQI (Toxic) (c) Twitter network
Previous works focus on accurately representing the nodes, largely
overlooking edges which are essential components of a graph.
http://allthingsgraphed.com/2014/11/02/twitter-friends-network/
Learning Edge Representation via Nodes
Node-to-Node message passing
A B
C
D
1
2
3
4
Edge-to-Node message passing
Previous works have used edge features as auxiliary information to augment node
features, which implicitly capture the edge information in the node representations.
Edge HyperGraph Neural Network (EHGNN)
HyperCluster
HyperDrop
Input Graph
1
3
2
4
A B
C
D
B
A
C
D
1
2
3
4
Output Graph
Global Edge
Representation
Message
Passing
Node-to-Hyperedge
Edge-to-Node DHT
Dual Hypergraph Transformation (DHT)
Message
Passing
We propose a novel edge representation learning scheme using
Dual Hypergraph Transformation, and two edge pooling methods, namely
HyperCluster and HyperDrop.
Dual Hypergraph Transformation
Dual Hypergraph Transformation
Input Graph
𝑮𝑮 = (𝑿𝑿, 𝑴𝑴, 𝑬𝑬)
Dual Hypergraph
𝑮𝑮∗
= (𝑿𝑿∗
, 𝑴𝑴∗
, 𝑬𝑬∗
)
(a) (b)
(d) (c)
(a) Edge-to-Node
(d) Node-to-Edge
(b) Node-to-Hyperedge
(c) Hyperedge-to-Node
3
4
2
1 D
5
1
3
2
4
A B
C
D
5 5
1
3
2
4
A B
D
C
B
A
C
1
2
3
4
5
𝑬𝑬
A
𝑴𝑴
B
C
D
1 2 3 4 5
𝑿𝑿
A
B
C
D
𝑬𝑬∗
= 𝑿𝑿
A
B
C
D
A
𝑴𝑴∗
= 𝑴𝑴𝑻𝑻
B
C
D
1 2 3 4 5
1
2
3
4
5
𝑿𝑿∗
= 𝑬𝑬
We represent edges as nodes in a hypergraph, which allows us to apply any off-the-
shelf message-passing schemes designed for node-level representation learning.
Message-Passing on the Dual Hypergraph
Message-passing cost on the dual hypergraph is equal to the message-passing
cost on the original graph as 𝑶𝑶(𝑬𝑬).
DHT DHT
Message-Passing
Dual Hypergraph
We can perform message-passing between edges of a graph, by performing
message-passing between nodes of its dual hypergraph.
Edge Pooling: HyperCluster & HyperDrop
HyperCluster HyperDrop Output Graph
Global Edge
Representations
We propose two novel graph pooling methods to obtain compact graph-level
edge representations, namely Hypercluster and HyperDrop.
Representing each edge well alone is insufficient in obtaining an accurate
representation of the entire graph.
Experiments
• Graph Reconstruction
• Graph Generation
• Graph Classification
• Node Classification
: Generate a valid graph with desired properties.
: Reconstruct node and edge features of a given graph from their
pooled representations.
: Predict the label of a given graph.
: Predict the labels of the node of a given graph.
Graph Reconstruction
Figure: Graph reconstruction results on the ZINC molecule (left) and synthetic (right) datasets.
(a) Original
(v) R-GCN + GMPool
(b) MPNN + GMPool
(d) HyperCluster (Ours)
Accurately representing edges is crucial for graph reconstruction tasks. EHGNN with
HyperCluster yields incomparably high performance compared to the baselines.
Graph Reconstruction: Compression
Figure: Relative size of the representation after pooling to the original graph.
We validated the effectiveness of HyperCluster in dense graph compression,
in which our method is able to obtain highly compact but accurate representation.
Graph Generation
Figure: Graph generation results on MolGAN (left) and MARS (right).
EHGNN frameworks obtains significantly improved generation performance,
with both MolGAN and MARS architectures.
Graph Classification
Figure: Graph classification results on test sets.
EHGNN with HyperDrop outperforms all the hierarchical pooling baselines, and
when paired with GMT, obtains the best performance on most of the datasets.
Graph Classification: Examples
Figure: HyperDrop results on COLLAB dataset.
HyperDrop accurately identifies the task relevant edges, which leads to dividing
the large graph into connected components for effective message passing.
Node Classification
Figure: Node classification results on Cora (left) and Citeseer (right) datasets.
HyperDrop alleviates the over-smoothing problem of deep GNNs on semi-
supervised node classification tasks by identifying task relevant edges.
Conclusion
• We introduce a novel edge representation learning scheme using Dual Hypergraph
Transformation, which we can apply off-the-shelf message passing schemes
designed for node-level representation learning.
• We propose a novel edge pooling methods for graph-level representation learning,
to overcome the limitations of existing node-based pooling methods.
• We validate our methods on graph reconstruction, generation, and classification
tasks, on which we largely outperform existing graph representation learning
methods.
Thank you.
Contact information:
Jaehyeong Jo
harryjo97@kaist.ac.kr

Más contenido relacionado

La actualidad más candente

Snakes in Images (Active contour tutorial)
Snakes in Images (Active contour tutorial)Snakes in Images (Active contour tutorial)
Snakes in Images (Active contour tutorial)
Yan Xu
 
超图理论与应用
超图理论与应用超图理论与应用
超图理论与应用
silwile
 
195840620 declic-maths-tle-s-specifique-2012-partie-2-pdf
195840620 declic-maths-tle-s-specifique-2012-partie-2-pdf195840620 declic-maths-tle-s-specifique-2012-partie-2-pdf
195840620 declic-maths-tle-s-specifique-2012-partie-2-pdf
Ettaoufik Elayedi
 

La actualidad más candente (20)

Spatial Transformation
Spatial TransformationSpatial Transformation
Spatial Transformation
 
[DL輪読会]In Search of Lost Domain Generalization
[DL輪読会]In Search of Lost Domain Generalization[DL輪読会]In Search of Lost Domain Generalization
[DL輪読会]In Search of Lost Domain Generalization
 
Snakes in Images (Active contour tutorial)
Snakes in Images (Active contour tutorial)Snakes in Images (Active contour tutorial)
Snakes in Images (Active contour tutorial)
 
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
 
Image ORB feature
Image ORB featureImage ORB feature
Image ORB feature
 
[Paper review] contrastive language image pre-training, open ai, 2020
[Paper review] contrastive language image pre-training, open ai, 2020[Paper review] contrastive language image pre-training, open ai, 2020
[Paper review] contrastive language image pre-training, open ai, 2020
 
超图理论与应用
超图理论与应用超图理论与应用
超图理论与应用
 
BA-Net: Dense Bundle Adjustment Network (3D勉強会@関東)
BA-Net: Dense Bundle Adjustment Network (3D勉強会@関東) BA-Net: Dense Bundle Adjustment Network (3D勉強会@関東)
BA-Net: Dense Bundle Adjustment Network (3D勉強会@関東)
 
그림 그리는 AI
그림 그리는 AI그림 그리는 AI
그림 그리는 AI
 
Momentos de inercia
Momentos de inerciaMomentos de inercia
Momentos de inercia
 
Graph Attention Network
Graph Attention NetworkGraph Attention Network
Graph Attention Network
 
Image segmentation
Image segmentation Image segmentation
Image segmentation
 
kaggle NFL 1st and Future - Impact Detection
kaggle NFL 1st and Future - Impact Detectionkaggle NFL 1st and Future - Impact Detection
kaggle NFL 1st and Future - Impact Detection
 
195840620 declic-maths-tle-s-specifique-2012-partie-2-pdf
195840620 declic-maths-tle-s-specifique-2012-partie-2-pdf195840620 declic-maths-tle-s-specifique-2012-partie-2-pdf
195840620 declic-maths-tle-s-specifique-2012-partie-2-pdf
 
A Comparison of Loss Function on Deep Embedding
A Comparison of Loss Function on Deep EmbeddingA Comparison of Loss Function on Deep Embedding
A Comparison of Loss Function on Deep Embedding
 
Transfer Learning -- The Next Frontier for Machine Learning
Transfer Learning -- The Next Frontier for Machine LearningTransfer Learning -- The Next Frontier for Machine Learning
Transfer Learning -- The Next Frontier for Machine Learning
 
[DL輪読会]Learning an Embedding Space for Transferable Robot Skills
[DL輪読会]Learning an Embedding Space for Transferable Robot Skills[DL輪読会]Learning an Embedding Space for Transferable Robot Skills
[DL輪読会]Learning an Embedding Space for Transferable Robot Skills
 
セクシー女優で学ぶ画像分類入門
セクシー女優で学ぶ画像分類入門セクシー女優で学ぶ画像分類入門
セクシー女優で学ぶ画像分類入門
 
[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation
[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation
[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation
 
ImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural Networks
 

Similar a Edge Representation Learning with Hypergraphs

A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUESA STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
cscpconf
 
An Introduction to Graph Databases
An Introduction to Graph DatabasesAn Introduction to Graph Databases
An Introduction to Graph Databases
InfiniteGraph
 

Similar a Edge Representation Learning with Hypergraphs (20)

DDGK: Learning Graph Representations for Deep Divergence Graph Kernels
DDGK: Learning Graph Representations for Deep Divergence Graph KernelsDDGK: Learning Graph Representations for Deep Divergence Graph Kernels
DDGK: Learning Graph Representations for Deep Divergence Graph Kernels
 
NS-CUK Joint Journal Club : S.T.Nguyen, Review on "Graph Neural Networks for ...
NS-CUK Joint Journal Club : S.T.Nguyen, Review on "Graph Neural Networks for ...NS-CUK Joint Journal Club : S.T.Nguyen, Review on "Graph Neural Networks for ...
NS-CUK Joint Journal Club : S.T.Nguyen, Review on "Graph Neural Networks for ...
 
J. Park, H. Shim, AAAI 2022, MLILAB, KAISTAI
J. Park, H. Shim, AAAI 2022, MLILAB, KAISTAIJ. Park, H. Shim, AAAI 2022, MLILAB, KAISTAI
J. Park, H. Shim, AAAI 2022, MLILAB, KAISTAI
 
Learning Graph Representation for Data-Efficiency RL
Learning Graph Representation for Data-Efficiency RLLearning Graph Representation for Data-Efficiency RL
Learning Graph Representation for Data-Efficiency RL
 
Laplacian-regularized Graph Bandits
Laplacian-regularized Graph BanditsLaplacian-regularized Graph Bandits
Laplacian-regularized Graph Bandits
 
EIS_REVIEW_1.pptx
EIS_REVIEW_1.pptxEIS_REVIEW_1.pptx
EIS_REVIEW_1.pptx
 
Graph R-CNN for Scene Graph Generation
Graph R-CNN for Scene Graph GenerationGraph R-CNN for Scene Graph Generation
Graph R-CNN for Scene Graph Generation
 
A Subgraph Pattern Search over Graph Databases
A Subgraph Pattern Search over Graph DatabasesA Subgraph Pattern Search over Graph Databases
A Subgraph Pattern Search over Graph Databases
 
Kailash(13EC35032)_mtp.pptx
Kailash(13EC35032)_mtp.pptxKailash(13EC35032)_mtp.pptx
Kailash(13EC35032)_mtp.pptx
 
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUESA STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
A STUDY AND ANALYSIS OF DIFFERENT EDGE DETECTION TECHNIQUES
 
Sang_Graphormer.pdf
Sang_Graphormer.pdfSang_Graphormer.pdf
Sang_Graphormer.pdf
 
NS-CUK Seminar: S.T.Nguyen, Review on "Do Transformers Really Perform Bad for...
NS-CUK Seminar: S.T.Nguyen, Review on "Do Transformers Really Perform Bad for...NS-CUK Seminar: S.T.Nguyen, Review on "Do Transformers Really Perform Bad for...
NS-CUK Seminar: S.T.Nguyen, Review on "Do Transformers Really Perform Bad for...
 
Bridging knowledge graphs_to_generate_scene_graphs
Bridging knowledge graphs_to_generate_scene_graphsBridging knowledge graphs_to_generate_scene_graphs
Bridging knowledge graphs_to_generate_scene_graphs
 
IJET-V2I6P17
IJET-V2I6P17IJET-V2I6P17
IJET-V2I6P17
 
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
[Paper] GIRAFFE: Representing Scenes as Compositional Generative Neural Featu...
 
Ijcnc050213
Ijcnc050213Ijcnc050213
Ijcnc050213
 
An Introduction to Graph Databases
An Introduction to Graph DatabasesAn Introduction to Graph Databases
An Introduction to Graph Databases
 
Colloquium.pptx
Colloquium.pptxColloquium.pptx
Colloquium.pptx
 
An improved graph drawing algorithm for email networks
An improved graph drawing algorithm for email networksAn improved graph drawing algorithm for email networks
An improved graph drawing algorithm for email networks
 
Scaling PageRank to 100 Billion Pages
Scaling PageRank to 100 Billion PagesScaling PageRank to 100 Billion Pages
Scaling PageRank to 100 Billion Pages
 

Más de MLAI2

Online Coreset Selection for Rehearsal-based Continual Learning
Online Coreset Selection for Rehearsal-based Continual LearningOnline Coreset Selection for Rehearsal-based Continual Learning
Online Coreset Selection for Rehearsal-based Continual Learning
MLAI2
 
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual LearningSequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
MLAI2
 
Skill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement LearningSkill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement Learning
MLAI2
 
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
MLAI2
 
Task Adaptive Neural Network Search with Meta-Contrastive Learning
Task Adaptive Neural Network Search with Meta-Contrastive LearningTask Adaptive Neural Network Search with Meta-Contrastive Learning
Task Adaptive Neural Network Search with Meta-Contrastive Learning
MLAI2
 
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
MLAI2
 
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-LearningMeta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
MLAI2
 
Accurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset PoolingAccurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset Pooling
MLAI2
 
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
MLAI2
 
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
MLAI2
 
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and ArchitecturesMetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MLAI2
 
Adversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive LearningAdversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive Learning
MLAI2
 
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
MLAI2
 

Más de MLAI2 (20)

Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...
Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...
Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...
 
Online Hyperparameter Meta-Learning with Hypergradient Distillation
Online Hyperparameter Meta-Learning with Hypergradient DistillationOnline Hyperparameter Meta-Learning with Hypergradient Distillation
Online Hyperparameter Meta-Learning with Hypergradient Distillation
 
Online Coreset Selection for Rehearsal-based Continual Learning
Online Coreset Selection for Rehearsal-based Continual LearningOnline Coreset Selection for Rehearsal-based Continual Learning
Online Coreset Selection for Rehearsal-based Continual Learning
 
Representational Continuity for Unsupervised Continual Learning
Representational Continuity for Unsupervised Continual LearningRepresentational Continuity for Unsupervised Continual Learning
Representational Continuity for Unsupervised Continual Learning
 
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual LearningSequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
 
Skill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement LearningSkill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement Learning
 
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
 
Mini-Batch Consistent Slot Set Encoder For Scalable Set Encoding
Mini-Batch Consistent Slot Set Encoder For Scalable Set EncodingMini-Batch Consistent Slot Set Encoder For Scalable Set Encoding
Mini-Batch Consistent Slot Set Encoder For Scalable Set Encoding
 
Task Adaptive Neural Network Search with Meta-Contrastive Learning
Task Adaptive Neural Network Search with Meta-Contrastive LearningTask Adaptive Neural Network Search with Meta-Contrastive Learning
Task Adaptive Neural Network Search with Meta-Contrastive Learning
 
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
 
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-LearningMeta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
 
Accurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset PoolingAccurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset Pooling
 
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
 
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
 
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and ArchitecturesMetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
 
Adversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive LearningAdversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive Learning
 
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
 
Neural Mask Generator : Learning to Generate Adaptive Word Maskings for Langu...
Neural Mask Generator : Learning to Generate Adaptive WordMaskings for Langu...Neural Mask Generator : Learning to Generate Adaptive WordMaskings for Langu...
Neural Mask Generator : Learning to Generate Adaptive Word Maskings for Langu...
 
Cost-effective Interactive Attention Learning with Neural Attention Process
Cost-effective Interactive Attention Learning with Neural Attention ProcessCost-effective Interactive Attention Learning with Neural Attention Process
Cost-effective Interactive Attention Learning with Neural Attention Process
 
Adversarial Neural Pruning with Latent Vulnerability Suppression
Adversarial Neural Pruning with Latent Vulnerability SuppressionAdversarial Neural Pruning with Latent Vulnerability Suppression
Adversarial Neural Pruning with Latent Vulnerability Suppression
 

Último

IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
Enterprise Knowledge
 

Último (20)

Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a Fresher
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
Partners Life - Insurer Innovation Award 2024
Partners Life - Insurer Innovation Award 2024Partners Life - Insurer Innovation Award 2024
Partners Life - Insurer Innovation Award 2024
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day Presentation
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 

Edge Representation Learning with Hypergraphs

  • 1. Edge Representation Learning with Hypergraphs Jaehyeong Jo1*, Jinheon Baek1*, Seul Lee1*, Dongki Kim1, Minki Kang1, Sung Ju Hwang1,2 (*: equal contribution) KAIST1, AITRICS2, South Korea
  • 2. 1 3 2 4 A B C D 𝑮𝑮 = ( 𝑿𝑿, 𝑴𝑴, 𝑬𝑬 ) Edge Feature Node Feature Incidence Matrix 1 2 3 4 A B C D A B C D 1 2 3 4 Graphs: Nodes, Edges and Incidence Graphs can be represented by the triplet: Node feature, incidence matrix, and edge feature. 𝑿𝑿 𝑴𝑴 𝑬𝑬
  • 3. Importance of Learning Edges (a) Tylenol (Beneficial) (b) NAPQI (Toxic) (c) Twitter network Previous works focus on accurately representing the nodes, largely overlooking edges which are essential components of a graph. http://allthingsgraphed.com/2014/11/02/twitter-friends-network/
  • 4. Learning Edge Representation via Nodes Node-to-Node message passing A B C D 1 2 3 4 Edge-to-Node message passing Previous works have used edge features as auxiliary information to augment node features, which implicitly capture the edge information in the node representations.
  • 5. Edge HyperGraph Neural Network (EHGNN) HyperCluster HyperDrop Input Graph 1 3 2 4 A B C D B A C D 1 2 3 4 Output Graph Global Edge Representation Message Passing Node-to-Hyperedge Edge-to-Node DHT Dual Hypergraph Transformation (DHT) Message Passing We propose a novel edge representation learning scheme using Dual Hypergraph Transformation, and two edge pooling methods, namely HyperCluster and HyperDrop.
  • 6. Dual Hypergraph Transformation Dual Hypergraph Transformation Input Graph 𝑮𝑮 = (𝑿𝑿, 𝑴𝑴, 𝑬𝑬) Dual Hypergraph 𝑮𝑮∗ = (𝑿𝑿∗ , 𝑴𝑴∗ , 𝑬𝑬∗ ) (a) (b) (d) (c) (a) Edge-to-Node (d) Node-to-Edge (b) Node-to-Hyperedge (c) Hyperedge-to-Node 3 4 2 1 D 5 1 3 2 4 A B C D 5 5 1 3 2 4 A B D C B A C 1 2 3 4 5 𝑬𝑬 A 𝑴𝑴 B C D 1 2 3 4 5 𝑿𝑿 A B C D 𝑬𝑬∗ = 𝑿𝑿 A B C D A 𝑴𝑴∗ = 𝑴𝑴𝑻𝑻 B C D 1 2 3 4 5 1 2 3 4 5 𝑿𝑿∗ = 𝑬𝑬 We represent edges as nodes in a hypergraph, which allows us to apply any off-the- shelf message-passing schemes designed for node-level representation learning.
  • 7. Message-Passing on the Dual Hypergraph Message-passing cost on the dual hypergraph is equal to the message-passing cost on the original graph as 𝑶𝑶(𝑬𝑬). DHT DHT Message-Passing Dual Hypergraph We can perform message-passing between edges of a graph, by performing message-passing between nodes of its dual hypergraph.
  • 8. Edge Pooling: HyperCluster & HyperDrop HyperCluster HyperDrop Output Graph Global Edge Representations We propose two novel graph pooling methods to obtain compact graph-level edge representations, namely Hypercluster and HyperDrop. Representing each edge well alone is insufficient in obtaining an accurate representation of the entire graph.
  • 9. Experiments • Graph Reconstruction • Graph Generation • Graph Classification • Node Classification : Generate a valid graph with desired properties. : Reconstruct node and edge features of a given graph from their pooled representations. : Predict the label of a given graph. : Predict the labels of the node of a given graph.
  • 10. Graph Reconstruction Figure: Graph reconstruction results on the ZINC molecule (left) and synthetic (right) datasets. (a) Original (v) R-GCN + GMPool (b) MPNN + GMPool (d) HyperCluster (Ours) Accurately representing edges is crucial for graph reconstruction tasks. EHGNN with HyperCluster yields incomparably high performance compared to the baselines.
  • 11. Graph Reconstruction: Compression Figure: Relative size of the representation after pooling to the original graph. We validated the effectiveness of HyperCluster in dense graph compression, in which our method is able to obtain highly compact but accurate representation.
  • 12. Graph Generation Figure: Graph generation results on MolGAN (left) and MARS (right). EHGNN frameworks obtains significantly improved generation performance, with both MolGAN and MARS architectures.
  • 13. Graph Classification Figure: Graph classification results on test sets. EHGNN with HyperDrop outperforms all the hierarchical pooling baselines, and when paired with GMT, obtains the best performance on most of the datasets.
  • 14. Graph Classification: Examples Figure: HyperDrop results on COLLAB dataset. HyperDrop accurately identifies the task relevant edges, which leads to dividing the large graph into connected components for effective message passing.
  • 15. Node Classification Figure: Node classification results on Cora (left) and Citeseer (right) datasets. HyperDrop alleviates the over-smoothing problem of deep GNNs on semi- supervised node classification tasks by identifying task relevant edges.
  • 16. Conclusion • We introduce a novel edge representation learning scheme using Dual Hypergraph Transformation, which we can apply off-the-shelf message passing schemes designed for node-level representation learning. • We propose a novel edge pooling methods for graph-level representation learning, to overcome the limitations of existing node-based pooling methods. • We validate our methods on graph reconstruction, generation, and classification tasks, on which we largely outperform existing graph representation learning methods.
  • 17. Thank you. Contact information: Jaehyeong Jo harryjo97@kaist.ac.kr