Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                
SlideShare a Scribd company logo
Jin-Woo Jeong
Network Science Lab
Dept. of Mathematics
The Catholic University of Korea
E-mail: zeus0208b@gmail.com
Aditya Grover, Jure Leskovec
1
 Introduction
• Motivation
• Introduction
 Feature Learning Framework
• Classic search strategies
• Node2vec
• Random Walks
• Search bias 𝛼
• The node2vec algorithm
• Learning edge features
Experiments
• Case Study: Les Misérables network
• Multi-label classification
• Link prediction
Conclusion
Q/A
2
Introduction
Motivation
 Supervised machine learning algorithms in network prediction tasks require informative, discriminating, and
independent features. Typically, these features are constructed through hand-engineering based on
domain-specific expertise. However, this process is tedious and the resulting features may not generalize
well across different prediction tasks.
 Previous techniques fail to satisfactorily define and optimize a reasonable objective required for scalable
unsupervised feature learning in networks. Classic approaches based on linear and non-linear
dimensionality reduction techniques such as Principal Component Analysis, Multi-Dimensional Scaling and
their extensions optimize an objective that transforms a representative data matrix of the network such that
it maximizes the variance of the data representation. Consequently, these approaches invariably involve
eigendecomposition of the appropriate data matrix which is expensive for large real-world networks.
Moreover, the resulting latent representations give poor performance on various prediction tasks over
networks.
3
Introduction
Introduction
 A node could be organized based on communities they belong to (i.e., homophily); in other cases, the
organization could be based on the structural roles of nodes in the network (i.e., structural equivalence).
 Real-world networks commonly exhibit a mixture of such equivalences.
4
Introduction
Introduction
 they propose node2vec, a semi-supervised algorithm for scalable feature learning in networks. they
optimize a custom graph-based objective function using SGD motivated by prior work on natural language
processing.
 Intuitively, their approach returns feature representations that maximize the likelihood of preserving
network neighborhoods of nodes in a d-dimensional feature space. They use a 2nd order random walk
approach to generate (sample) network neighborhoods for nodes.
 Contributions
 1. They propose node2vec, an efficient scalable algorithm for feature learning in networks that
efficiently optimizes a novel network-aware, neighborhood preserving objective using SGD.
 2. They show how node2vec is in accordance with established principles in network science, providing
flexibility in discovering representations conforming to different equivalences.
 3. They extend node2vec and other feature learning methods based on neighborhood preserving
objectives, from nodes to pairs of nodes for edge-based prediction tasks.
 4. They empirically evaluate node2vec for multi-label classification and link prediction on several real-
world datasets.
5
Feature Learning Framework
Feature Learning Framework
 They formulate learning in networks as a maximum likelihood optimization problem.
• 𝐺 = 𝑉, 𝐸 be a given graph
• 𝑓 ∶ 𝑉 → ℝ𝑑
be the mapping function from nodes to feature representations.
• 𝑓 is a matrix of size 𝑉 × 𝑑 parameters.
• 𝑑 be a number of dimension of feature representation.
• ∀
𝑢 ∈ 𝑉, 𝑁𝑆 𝑢 ⊂ 𝑉 𝑁𝑆 𝑢 : a network neighborhood of node u generated through a neighborhood
sampling strategy S.
where
6
Feature Learning Framework
Classic search strategies
• Breadth-first Sampling (BFS)
• The neighborhood 𝑁𝑆 is restricted to nodes which are immediate neighbors of the source. For
example, in Figure 1 for a neighborhood of size k = 3, BFS samples nodes s1, s2, s3.
• Depth-first Sampling (DFS)
• The neighborhood consists of nodes sequentially sampled at increasing distances from the source
node. In Figure 1, DFS samples s4, s5, s6.
7
Feature Learning Framework
node2vec
• Random Walks
• 𝑢 : A source node
• 𝑙 : Walk of fixed length
• 𝑐𝑖 : 𝑖th node in the walk
• 𝑐0 = 𝑢
• 𝜋𝑣𝑥 : unnormalized transition probability
• 𝑍 : normalizing constant
8
Feature Learning Framework
node2vec
• Search bias 𝜶
𝜋𝑣𝑥 = 𝛼𝑝𝑞(𝑡, 𝑥) ∙ 𝜔𝑣𝑥
• Return parameter, p
• Parameter p controls the likelihood of immediately
revisiting a node in the walk.
• In-out parameter, q
• Parameter q allows the search to differentiate
between “inward” and “outward” nodes.
9
Feature Learning Framework
node2vec
 The node2vec algorithm
• SkipGram algorithm in DEEPWALK
Φ → 𝑓
𝑤 → 𝑘
𝑊𝑣𝑖 → 𝑤𝑎𝑙𝑘
10
Feature Learning Framework
Learning edge features
 Given two nodes 𝑢 and 𝑣, they define a binary operator ◦ over the corresponding feature vectors f(𝑢) and
f(𝑣) in order to generate a representation g(𝑢, 𝑣) such that 𝑔 ∶ 𝑉 × 𝑉 → ℝ𝑑′
where 𝑑′
is the representation
size for the pair g 𝑢, 𝑣 .
 They consider several choices for the operator ◦ such that 𝑑′ = 𝑑 which are summarized in Table 1
11
Experiments
Case Study: Les Misérables network
 They use a network where nodes correspond to characters in the novel Les Misérables and edges connect
coappearing characters. The network has 77 nodes and 254 edges.
 They set d = 16 and run node2vec to learn feature representation for every node in the network.
 The feature representations are clustered using k- means.
p = 1, q = 0.5 p = 1, q = 2
homophily structural equivalence
12
Experiments
Multi-label classification
13
Experiments
Multi-label classification
14
Experiments
Link prediction
15
Conclusion
Conclusion
 In this paper, they researched feature learning in networks as a search-based optimization problem. This
perspective provides us with several advantages. It can elucidate traditional search strategies based on the
balance between exploration and exploitation. Additionally, it imparts interpretability to the learned
representations when applied in prediction tasks.
 The search strategy in node2vec allows flexible exploration and control of network neighborhoods
through parameters p and q. While these search parameters have intuitive interpretations, we achieve the
best results on complex networks when we can learn them directly from data.
 From a practical standpoint, node2vec is scalable and robust. We demonstrated the superiority of
extending node embeddings over widely used heuristic scores for link prediction. Their methodology
allows additional binary operators beyond those listed in Table 1.
 They aim to explore the reasons behind the success of the Hadamard operator over others in future work,
as well as establish interpretable equivalence notions for edges based on the search parameters.
16
Q & A
Q / A

More Related Content

Similar to 240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx

Understanding Large Social Networks | IRE Major Project | Team 57 | LINE
Understanding Large Social Networks | IRE Major Project | Team 57 | LINEUnderstanding Large Social Networks | IRE Major Project | Team 57 | LINE
Understanding Large Social Networks | IRE Major Project | Team 57 | LINE
Raj Patel
 
LPCNN: convolutional neural network for link prediction based on network stru...
LPCNN: convolutional neural network for link prediction based on network stru...LPCNN: convolutional neural network for link prediction based on network stru...
LPCNN: convolutional neural network for link prediction based on network stru...
TELKOMNIKA JOURNAL
 
Adaptive Geographical Search in Networks
Adaptive Geographical Search in NetworksAdaptive Geographical Search in Networks
Adaptive Geographical Search in Networks
Andrea Wiggins
 
Deepwalk vs Node2vec
Deepwalk vs Node2vecDeepwalk vs Node2vec
Deepwalk vs Node2vec
SiddhantVerma49
 
NS-CUK Seminar: H.B.Kim, Review on "Deep Gaussian Embedding of Graphs: Unsup...
NS-CUK Seminar: H.B.Kim,  Review on "Deep Gaussian Embedding of Graphs: Unsup...NS-CUK Seminar: H.B.Kim,  Review on "Deep Gaussian Embedding of Graphs: Unsup...
NS-CUK Seminar: H.B.Kim, Review on "Deep Gaussian Embedding of Graphs: Unsup...
ssuser4b1f48
 
Graph Representation Learning
Graph Representation LearningGraph Representation Learning
Graph Representation Learning
Jure Leskovec
 
Understanding Large Social Networks | IRE Major Project | Team 57
Understanding Large Social Networks | IRE Major Project | Team 57 Understanding Large Social Networks | IRE Major Project | Team 57
Understanding Large Social Networks | IRE Major Project | Team 57
Raj Patel
 
network mining and representation learning
network mining and representation learningnetwork mining and representation learning
network mining and representation learning
sun peiyuan
 
240115_Thanh_LabSeminar[Don't walk, skip! online learning of multi-scale netw...
240115_Thanh_LabSeminar[Don't walk, skip! online learning of multi-scale netw...240115_Thanh_LabSeminar[Don't walk, skip! online learning of multi-scale netw...
240115_Thanh_LabSeminar[Don't walk, skip! online learning of multi-scale netw...
thanhdowork
 
A Generalization of Transformer Networks to Graphs.pptx
A Generalization of Transformer Networks to Graphs.pptxA Generalization of Transformer Networks to Graphs.pptx
A Generalization of Transformer Networks to Graphs.pptx
ssuser2624f71
 
NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...
NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...
NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...
ssuser4b1f48
 
LINE: Large-scale Information Network Embedding.pptx
LINE: Large-scale Information Network Embedding.pptxLINE: Large-scale Information Network Embedding.pptx
LINE: Large-scale Information Network Embedding.pptx
ssuser2624f71
 
Machine Learning for Efficient Neighbor Selection in ...
Machine Learning for Efficient Neighbor Selection in ...Machine Learning for Efficient Neighbor Selection in ...
Machine Learning for Efficient Neighbor Selection in ...
butest
 
240401_Thuy_Labseminar[Train Once and Explain Everywhere: Pre-training Interp...
240401_Thuy_Labseminar[Train Once and Explain Everywhere: Pre-training Interp...240401_Thuy_Labseminar[Train Once and Explain Everywhere: Pre-training Interp...
240401_Thuy_Labseminar[Train Once and Explain Everywhere: Pre-training Interp...
thanhdowork
 
K means report
K means reportK means report
K means report
Gaurav Handa
 
EDGE-Net: Efficient Deep-learning Gradients Extraction Network
EDGE-Net: Efficient Deep-learning Gradients Extraction NetworkEDGE-Net: Efficient Deep-learning Gradients Extraction Network
EDGE-Net: Efficient Deep-learning Gradients Extraction Network
gerogepatton
 
EDGE-Net: Efficient Deep-learning Gradients Extraction Network
EDGE-Net: Efficient Deep-learning Gradients Extraction NetworkEDGE-Net: Efficient Deep-learning Gradients Extraction Network
EDGE-Net: Efficient Deep-learning Gradients Extraction Network
gerogepatton
 
Resnet.pdf
Resnet.pdfResnet.pdf
Resnet.pdf
YanhuaSi
 
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
dbpublications
 
NS-CUK Seminar: J.H.Lee, Review on "Rethinking the Expressive Power of GNNs ...
NS-CUK Seminar: J.H.Lee,  Review on "Rethinking the Expressive Power of GNNs ...NS-CUK Seminar: J.H.Lee,  Review on "Rethinking the Expressive Power of GNNs ...
NS-CUK Seminar: J.H.Lee, Review on "Rethinking the Expressive Power of GNNs ...
ssuser4b1f48
 

Similar to 240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx (20)

Understanding Large Social Networks | IRE Major Project | Team 57 | LINE
Understanding Large Social Networks | IRE Major Project | Team 57 | LINEUnderstanding Large Social Networks | IRE Major Project | Team 57 | LINE
Understanding Large Social Networks | IRE Major Project | Team 57 | LINE
 
LPCNN: convolutional neural network for link prediction based on network stru...
LPCNN: convolutional neural network for link prediction based on network stru...LPCNN: convolutional neural network for link prediction based on network stru...
LPCNN: convolutional neural network for link prediction based on network stru...
 
Adaptive Geographical Search in Networks
Adaptive Geographical Search in NetworksAdaptive Geographical Search in Networks
Adaptive Geographical Search in Networks
 
Deepwalk vs Node2vec
Deepwalk vs Node2vecDeepwalk vs Node2vec
Deepwalk vs Node2vec
 
NS-CUK Seminar: H.B.Kim, Review on "Deep Gaussian Embedding of Graphs: Unsup...
NS-CUK Seminar: H.B.Kim,  Review on "Deep Gaussian Embedding of Graphs: Unsup...NS-CUK Seminar: H.B.Kim,  Review on "Deep Gaussian Embedding of Graphs: Unsup...
NS-CUK Seminar: H.B.Kim, Review on "Deep Gaussian Embedding of Graphs: Unsup...
 
Graph Representation Learning
Graph Representation LearningGraph Representation Learning
Graph Representation Learning
 
Understanding Large Social Networks | IRE Major Project | Team 57
Understanding Large Social Networks | IRE Major Project | Team 57 Understanding Large Social Networks | IRE Major Project | Team 57
Understanding Large Social Networks | IRE Major Project | Team 57
 
network mining and representation learning
network mining and representation learningnetwork mining and representation learning
network mining and representation learning
 
240115_Thanh_LabSeminar[Don't walk, skip! online learning of multi-scale netw...
240115_Thanh_LabSeminar[Don't walk, skip! online learning of multi-scale netw...240115_Thanh_LabSeminar[Don't walk, skip! online learning of multi-scale netw...
240115_Thanh_LabSeminar[Don't walk, skip! online learning of multi-scale netw...
 
A Generalization of Transformer Networks to Graphs.pptx
A Generalization of Transformer Networks to Graphs.pptxA Generalization of Transformer Networks to Graphs.pptx
A Generalization of Transformer Networks to Graphs.pptx
 
NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...
NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...
NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...
 
LINE: Large-scale Information Network Embedding.pptx
LINE: Large-scale Information Network Embedding.pptxLINE: Large-scale Information Network Embedding.pptx
LINE: Large-scale Information Network Embedding.pptx
 
Machine Learning for Efficient Neighbor Selection in ...
Machine Learning for Efficient Neighbor Selection in ...Machine Learning for Efficient Neighbor Selection in ...
Machine Learning for Efficient Neighbor Selection in ...
 
240401_Thuy_Labseminar[Train Once and Explain Everywhere: Pre-training Interp...
240401_Thuy_Labseminar[Train Once and Explain Everywhere: Pre-training Interp...240401_Thuy_Labseminar[Train Once and Explain Everywhere: Pre-training Interp...
240401_Thuy_Labseminar[Train Once and Explain Everywhere: Pre-training Interp...
 
K means report
K means reportK means report
K means report
 
EDGE-Net: Efficient Deep-learning Gradients Extraction Network
EDGE-Net: Efficient Deep-learning Gradients Extraction NetworkEDGE-Net: Efficient Deep-learning Gradients Extraction Network
EDGE-Net: Efficient Deep-learning Gradients Extraction Network
 
EDGE-Net: Efficient Deep-learning Gradients Extraction Network
EDGE-Net: Efficient Deep-learning Gradients Extraction NetworkEDGE-Net: Efficient Deep-learning Gradients Extraction Network
EDGE-Net: Efficient Deep-learning Gradients Extraction Network
 
Resnet.pdf
Resnet.pdfResnet.pdf
Resnet.pdf
 
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
Recognition and Detection of Real-Time Objects Using Unified Network of Faste...
 
NS-CUK Seminar: J.H.Lee, Review on "Rethinking the Expressive Power of GNNs ...
NS-CUK Seminar: J.H.Lee,  Review on "Rethinking the Expressive Power of GNNs ...NS-CUK Seminar: J.H.Lee,  Review on "Rethinking the Expressive Power of GNNs ...
NS-CUK Seminar: J.H.Lee, Review on "Rethinking the Expressive Power of GNNs ...
 

More from thanhdowork

[20240710_LabSeminar_Huy]PDFormer: Propagation Delay-Aware Dynamic Long-Range...
[20240710_LabSeminar_Huy]PDFormer: Propagation Delay-Aware Dynamic Long-Range...[20240710_LabSeminar_Huy]PDFormer: Propagation Delay-Aware Dynamic Long-Range...
[20240710_LabSeminar_Huy]PDFormer: Propagation Delay-Aware Dynamic Long-Range...
thanhdowork
 
[20240712_LabSeminar_Huy]Spatio-Temporal Neural Structural Causal Models for ...
[20240712_LabSeminar_Huy]Spatio-Temporal Neural Structural Causal Models for ...[20240712_LabSeminar_Huy]Spatio-Temporal Neural Structural Causal Models for ...
[20240712_LabSeminar_Huy]Spatio-Temporal Neural Structural Causal Models for ...
thanhdowork
 
240715_JW_labseminar[metapath2vec: Scalable Representation Learning for Heter...
240715_JW_labseminar[metapath2vec: Scalable Representation Learning for Heter...240715_JW_labseminar[metapath2vec: Scalable Representation Learning for Heter...
240715_JW_labseminar[metapath2vec: Scalable Representation Learning for Heter...
thanhdowork
 
[20240715_LabSeminar_Huy]M2G4RTP: A Multi-Level and Multi-Task Graph Model fo...
[20240715_LabSeminar_Huy]M2G4RTP: A Multi-Level and Multi-Task Graph Model fo...[20240715_LabSeminar_Huy]M2G4RTP: A Multi-Level and Multi-Task Graph Model fo...
[20240715_LabSeminar_Huy]M2G4RTP: A Multi-Level and Multi-Task Graph Model fo...
thanhdowork
 
240715_Thuy_Labseminar[SeedGNN: Graph Neural Network for Supervised Seeded Gr...
240715_Thuy_Labseminar[SeedGNN: Graph Neural Network for Supervised Seeded Gr...240715_Thuy_Labseminar[SeedGNN: Graph Neural Network for Supervised Seeded Gr...
240715_Thuy_Labseminar[SeedGNN: Graph Neural Network for Supervised Seeded Gr...
thanhdowork
 
[NS][Lab_Seminar_240722]Face Clustering via Graph Convolutional Networks with...
[NS][Lab_Seminar_240722]Face Clustering via Graph Convolutional Networks with...[NS][Lab_Seminar_240722]Face Clustering via Graph Convolutional Networks with...
[NS][Lab_Seminar_240722]Face Clustering via Graph Convolutional Networks with...
thanhdowork
 
[NS][Lab_Seminar_240710]Improving Graph Networks through Selection-based Conv...
[NS][Lab_Seminar_240710]Improving Graph Networks through Selection-based Conv...[NS][Lab_Seminar_240710]Improving Graph Networks through Selection-based Conv...
[NS][Lab_Seminar_240710]Improving Graph Networks through Selection-based Conv...
thanhdowork
 
240722_Thuy_Labseminar[Unveiling Global Interactive Patterns across Graphs: T...
240722_Thuy_Labseminar[Unveiling Global Interactive Patterns across Graphs: T...240722_Thuy_Labseminar[Unveiling Global Interactive Patterns across Graphs: T...
240722_Thuy_Labseminar[Unveiling Global Interactive Patterns across Graphs: T...
thanhdowork
 
[20240722_LabSeminar_Huy]WaveForM: Graph Enhanced Wavelet Learning for Long S...
[20240722_LabSeminar_Huy]WaveForM: Graph Enhanced Wavelet Learning for Long S...[20240722_LabSeminar_Huy]WaveForM: Graph Enhanced Wavelet Learning for Long S...
[20240722_LabSeminar_Huy]WaveForM: Graph Enhanced Wavelet Learning for Long S...
thanhdowork
 
[20240705_LabSeminar_Huy]Spatial-Temporal Graph-Based AU Relationship Learnin...
[20240705_LabSeminar_Huy]Spatial-Temporal Graph-Based AU Relationship Learnin...[20240705_LabSeminar_Huy]Spatial-Temporal Graph-Based AU Relationship Learnin...
[20240705_LabSeminar_Huy]Spatial-Temporal Graph-Based AU Relationship Learnin...
thanhdowork
 
[NS][Lab_Seminar_240705]Self-Supervised Relation Alignment for Scene Graph Ge...
[NS][Lab_Seminar_240705]Self-Supervised Relation Alignment for Scene Graph Ge...[NS][Lab_Seminar_240705]Self-Supervised Relation Alignment for Scene Graph Ge...
[NS][Lab_Seminar_240705]Self-Supervised Relation Alignment for Scene Graph Ge...
thanhdowork
 
240708_JW_labseminar[struc2vec: Learning Node Representations from Structural...
240708_JW_labseminar[struc2vec: Learning Node Representations from Structural...240708_JW_labseminar[struc2vec: Learning Node Representations from Structural...
240708_JW_labseminar[struc2vec: Learning Node Representations from Structural...
thanhdowork
 
[20240708_LabSeminar_Huy]Covid19Dynamics.pptx
[20240708_LabSeminar_Huy]Covid19Dynamics.pptx[20240708_LabSeminar_Huy]Covid19Dynamics.pptx
[20240708_LabSeminar_Huy]Covid19Dynamics.pptx
thanhdowork
 
[NS][Lab_Seminar_240708]RIMeshGNN: A Rotation-Invariant Graph Neural Network ...
[NS][Lab_Seminar_240708]RIMeshGNN: A Rotation-Invariant Graph Neural Network ...[NS][Lab_Seminar_240708]RIMeshGNN: A Rotation-Invariant Graph Neural Network ...
[NS][Lab_Seminar_240708]RIMeshGNN: A Rotation-Invariant Graph Neural Network ...
thanhdowork
 
240708_Thuy_Labseminar[GNNEvaluator: Evaluating GNN Performance On Unseen Gra...
240708_Thuy_Labseminar[GNNEvaluator: Evaluating GNN Performance On Unseen Gra...240708_Thuy_Labseminar[GNNEvaluator: Evaluating GNN Performance On Unseen Gra...
240708_Thuy_Labseminar[GNNEvaluator: Evaluating GNN Performance On Unseen Gra...
thanhdowork
 
[NS][Lab_Seminar_240607]Unbiased Scene Graph Generation in Videos.pptx
[NS][Lab_Seminar_240607]Unbiased Scene Graph Generation in Videos.pptx[NS][Lab_Seminar_240607]Unbiased Scene Graph Generation in Videos.pptx
[NS][Lab_Seminar_240607]Unbiased Scene Graph Generation in Videos.pptx
thanhdowork
 
[NS][Lab_Seminar_240608]Cascade Graph Neural Network for RGB-D Salient Object...
[NS][Lab_Seminar_240608]Cascade Graph Neural Network for RGB-D Salient Object...[NS][Lab_Seminar_240608]Cascade Graph Neural Network for RGB-D Salient Object...
[NS][Lab_Seminar_240608]Cascade Graph Neural Network for RGB-D Salient Object...
thanhdowork
 
[NS][Lab_Seminar_240609]Point-GNN: Graph Neural Network for 3D Object Detecti...
[NS][Lab_Seminar_240609]Point-GNN: Graph Neural Network for 3D Object Detecti...[NS][Lab_Seminar_240609]Point-GNN: Graph Neural Network for 3D Object Detecti...
[NS][Lab_Seminar_240609]Point-GNN: Graph Neural Network for 3D Object Detecti...
thanhdowork
 
[NS][Lab_Seminar_240611]Graph R-CNN.pptx
[NS][Lab_Seminar_240611]Graph R-CNN.pptx[NS][Lab_Seminar_240611]Graph R-CNN.pptx
[NS][Lab_Seminar_240611]Graph R-CNN.pptx
thanhdowork
 
[NS][Lab_Seminar_240612]Bipartite Graph Network with Adaptive Message Passing...
[NS][Lab_Seminar_240612]Bipartite Graph Network with Adaptive Message Passing...[NS][Lab_Seminar_240612]Bipartite Graph Network with Adaptive Message Passing...
[NS][Lab_Seminar_240612]Bipartite Graph Network with Adaptive Message Passing...
thanhdowork
 

More from thanhdowork (20)

[20240710_LabSeminar_Huy]PDFormer: Propagation Delay-Aware Dynamic Long-Range...
[20240710_LabSeminar_Huy]PDFormer: Propagation Delay-Aware Dynamic Long-Range...[20240710_LabSeminar_Huy]PDFormer: Propagation Delay-Aware Dynamic Long-Range...
[20240710_LabSeminar_Huy]PDFormer: Propagation Delay-Aware Dynamic Long-Range...
 
[20240712_LabSeminar_Huy]Spatio-Temporal Neural Structural Causal Models for ...
[20240712_LabSeminar_Huy]Spatio-Temporal Neural Structural Causal Models for ...[20240712_LabSeminar_Huy]Spatio-Temporal Neural Structural Causal Models for ...
[20240712_LabSeminar_Huy]Spatio-Temporal Neural Structural Causal Models for ...
 
240715_JW_labseminar[metapath2vec: Scalable Representation Learning for Heter...
240715_JW_labseminar[metapath2vec: Scalable Representation Learning for Heter...240715_JW_labseminar[metapath2vec: Scalable Representation Learning for Heter...
240715_JW_labseminar[metapath2vec: Scalable Representation Learning for Heter...
 
[20240715_LabSeminar_Huy]M2G4RTP: A Multi-Level and Multi-Task Graph Model fo...
[20240715_LabSeminar_Huy]M2G4RTP: A Multi-Level and Multi-Task Graph Model fo...[20240715_LabSeminar_Huy]M2G4RTP: A Multi-Level and Multi-Task Graph Model fo...
[20240715_LabSeminar_Huy]M2G4RTP: A Multi-Level and Multi-Task Graph Model fo...
 
240715_Thuy_Labseminar[SeedGNN: Graph Neural Network for Supervised Seeded Gr...
240715_Thuy_Labseminar[SeedGNN: Graph Neural Network for Supervised Seeded Gr...240715_Thuy_Labseminar[SeedGNN: Graph Neural Network for Supervised Seeded Gr...
240715_Thuy_Labseminar[SeedGNN: Graph Neural Network for Supervised Seeded Gr...
 
[NS][Lab_Seminar_240722]Face Clustering via Graph Convolutional Networks with...
[NS][Lab_Seminar_240722]Face Clustering via Graph Convolutional Networks with...[NS][Lab_Seminar_240722]Face Clustering via Graph Convolutional Networks with...
[NS][Lab_Seminar_240722]Face Clustering via Graph Convolutional Networks with...
 
[NS][Lab_Seminar_240710]Improving Graph Networks through Selection-based Conv...
[NS][Lab_Seminar_240710]Improving Graph Networks through Selection-based Conv...[NS][Lab_Seminar_240710]Improving Graph Networks through Selection-based Conv...
[NS][Lab_Seminar_240710]Improving Graph Networks through Selection-based Conv...
 
240722_Thuy_Labseminar[Unveiling Global Interactive Patterns across Graphs: T...
240722_Thuy_Labseminar[Unveiling Global Interactive Patterns across Graphs: T...240722_Thuy_Labseminar[Unveiling Global Interactive Patterns across Graphs: T...
240722_Thuy_Labseminar[Unveiling Global Interactive Patterns across Graphs: T...
 
[20240722_LabSeminar_Huy]WaveForM: Graph Enhanced Wavelet Learning for Long S...
[20240722_LabSeminar_Huy]WaveForM: Graph Enhanced Wavelet Learning for Long S...[20240722_LabSeminar_Huy]WaveForM: Graph Enhanced Wavelet Learning for Long S...
[20240722_LabSeminar_Huy]WaveForM: Graph Enhanced Wavelet Learning for Long S...
 
[20240705_LabSeminar_Huy]Spatial-Temporal Graph-Based AU Relationship Learnin...
[20240705_LabSeminar_Huy]Spatial-Temporal Graph-Based AU Relationship Learnin...[20240705_LabSeminar_Huy]Spatial-Temporal Graph-Based AU Relationship Learnin...
[20240705_LabSeminar_Huy]Spatial-Temporal Graph-Based AU Relationship Learnin...
 
[NS][Lab_Seminar_240705]Self-Supervised Relation Alignment for Scene Graph Ge...
[NS][Lab_Seminar_240705]Self-Supervised Relation Alignment for Scene Graph Ge...[NS][Lab_Seminar_240705]Self-Supervised Relation Alignment for Scene Graph Ge...
[NS][Lab_Seminar_240705]Self-Supervised Relation Alignment for Scene Graph Ge...
 
240708_JW_labseminar[struc2vec: Learning Node Representations from Structural...
240708_JW_labseminar[struc2vec: Learning Node Representations from Structural...240708_JW_labseminar[struc2vec: Learning Node Representations from Structural...
240708_JW_labseminar[struc2vec: Learning Node Representations from Structural...
 
[20240708_LabSeminar_Huy]Covid19Dynamics.pptx
[20240708_LabSeminar_Huy]Covid19Dynamics.pptx[20240708_LabSeminar_Huy]Covid19Dynamics.pptx
[20240708_LabSeminar_Huy]Covid19Dynamics.pptx
 
[NS][Lab_Seminar_240708]RIMeshGNN: A Rotation-Invariant Graph Neural Network ...
[NS][Lab_Seminar_240708]RIMeshGNN: A Rotation-Invariant Graph Neural Network ...[NS][Lab_Seminar_240708]RIMeshGNN: A Rotation-Invariant Graph Neural Network ...
[NS][Lab_Seminar_240708]RIMeshGNN: A Rotation-Invariant Graph Neural Network ...
 
240708_Thuy_Labseminar[GNNEvaluator: Evaluating GNN Performance On Unseen Gra...
240708_Thuy_Labseminar[GNNEvaluator: Evaluating GNN Performance On Unseen Gra...240708_Thuy_Labseminar[GNNEvaluator: Evaluating GNN Performance On Unseen Gra...
240708_Thuy_Labseminar[GNNEvaluator: Evaluating GNN Performance On Unseen Gra...
 
[NS][Lab_Seminar_240607]Unbiased Scene Graph Generation in Videos.pptx
[NS][Lab_Seminar_240607]Unbiased Scene Graph Generation in Videos.pptx[NS][Lab_Seminar_240607]Unbiased Scene Graph Generation in Videos.pptx
[NS][Lab_Seminar_240607]Unbiased Scene Graph Generation in Videos.pptx
 
[NS][Lab_Seminar_240608]Cascade Graph Neural Network for RGB-D Salient Object...
[NS][Lab_Seminar_240608]Cascade Graph Neural Network for RGB-D Salient Object...[NS][Lab_Seminar_240608]Cascade Graph Neural Network for RGB-D Salient Object...
[NS][Lab_Seminar_240608]Cascade Graph Neural Network for RGB-D Salient Object...
 
[NS][Lab_Seminar_240609]Point-GNN: Graph Neural Network for 3D Object Detecti...
[NS][Lab_Seminar_240609]Point-GNN: Graph Neural Network for 3D Object Detecti...[NS][Lab_Seminar_240609]Point-GNN: Graph Neural Network for 3D Object Detecti...
[NS][Lab_Seminar_240609]Point-GNN: Graph Neural Network for 3D Object Detecti...
 
[NS][Lab_Seminar_240611]Graph R-CNN.pptx
[NS][Lab_Seminar_240611]Graph R-CNN.pptx[NS][Lab_Seminar_240611]Graph R-CNN.pptx
[NS][Lab_Seminar_240611]Graph R-CNN.pptx
 
[NS][Lab_Seminar_240612]Bipartite Graph Network with Adaptive Message Passing...
[NS][Lab_Seminar_240612]Bipartite Graph Network with Adaptive Message Passing...[NS][Lab_Seminar_240612]Bipartite Graph Network with Adaptive Message Passing...
[NS][Lab_Seminar_240612]Bipartite Graph Network with Adaptive Message Passing...
 

Recently uploaded

How to Set Start Category in Odoo 17 POS
How to Set Start Category in Odoo 17 POSHow to Set Start Category in Odoo 17 POS
How to Set Start Category in Odoo 17 POS
Celine George
 
A history of Innisfree in Milanville, Pennsylvania
A history of Innisfree in Milanville, PennsylvaniaA history of Innisfree in Milanville, Pennsylvania
A history of Innisfree in Milanville, Pennsylvania
ThomasRue2
 
Understanding Clergy Payroll : QuickBooks
Understanding Clergy Payroll : QuickBooksUnderstanding Clergy Payroll : QuickBooks
Understanding Clergy Payroll : QuickBooks
TechSoup
 
Module-1_Sectors-of-ICT-and-Its-Career-and-Business-Opportunities-e6qbvs.pptx
Module-1_Sectors-of-ICT-and-Its-Career-and-Business-Opportunities-e6qbvs.pptxModule-1_Sectors-of-ICT-and-Its-Career-and-Business-Opportunities-e6qbvs.pptx
Module-1_Sectors-of-ICT-and-Its-Career-and-Business-Opportunities-e6qbvs.pptx
MichelleMercado36
 
Odoo 17 Project Module : New Features - Odoo 17 Slides
Odoo 17 Project Module : New Features - Odoo 17 SlidesOdoo 17 Project Module : New Features - Odoo 17 Slides
Odoo 17 Project Module : New Features - Odoo 17 Slides
Celine George
 
Replacing the Whole Capitalist Stack.pdf
Replacing the Whole Capitalist Stack.pdfReplacing the Whole Capitalist Stack.pdf
Replacing the Whole Capitalist Stack.pdf
StefanMz
 
great athletes ppt bahasa inggris kelas x kurikulum merdeka
great athletes ppt bahasa inggris kelas x kurikulum merdekagreat athletes ppt bahasa inggris kelas x kurikulum merdeka
great athletes ppt bahasa inggris kelas x kurikulum merdeka
MonicaWijaya13
 
How to Use Serial Numbers to Track Products in Odoo 17 Inventory
How to Use Serial Numbers to Track Products in Odoo 17 InventoryHow to Use Serial Numbers to Track Products in Odoo 17 Inventory
How to Use Serial Numbers to Track Products in Odoo 17 Inventory
Celine George
 
FINAL MATATAG LANGUAGE CG 2023 Grade 1.pdf
FINAL MATATAG LANGUAGE CG 2023 Grade 1.pdfFINAL MATATAG LANGUAGE CG 2023 Grade 1.pdf
FINAL MATATAG LANGUAGE CG 2023 Grade 1.pdf
Janna Marie Ballo
 
principles of auditing types of audit ppt
principles of auditing types of audit pptprinciples of auditing types of audit ppt
principles of auditing types of audit ppt
sangeetha280806
 
Java Full Stack Developer Interview Questions PDF By ScholarHat
Java Full Stack Developer Interview Questions PDF By ScholarHatJava Full Stack Developer Interview Questions PDF By ScholarHat
Java Full Stack Developer Interview Questions PDF By ScholarHat
Scholarhat
 
2024 Winter SWAYAM NPTEL & A Student.pptx
2024 Winter SWAYAM NPTEL & A Student.pptx2024 Winter SWAYAM NPTEL & A Student.pptx
2024 Winter SWAYAM NPTEL & A Student.pptx
Utsav Yagnik
 
Form for Brigada eskwela-04 SY 2024.docx
Form for Brigada eskwela-04 SY 2024.docxForm for Brigada eskwela-04 SY 2024.docx
Form for Brigada eskwela-04 SY 2024.docx
VenuzSayanAday
 
UNIT 1 12 WAJIB KM ( LEAD IN & LISTENING).pptx
UNIT 1 12 WAJIB KM ( LEAD IN & LISTENING).pptxUNIT 1 12 WAJIB KM ( LEAD IN & LISTENING).pptx
UNIT 1 12 WAJIB KM ( LEAD IN & LISTENING).pptx
Basuki Rachmad
 
QND: VOL2 GRAND FINALE QUIZ by Qui9 (2024)
QND: VOL2  GRAND FINALE QUIZ by Qui9 (2024)QND: VOL2  GRAND FINALE QUIZ by Qui9 (2024)
QND: VOL2 GRAND FINALE QUIZ by Qui9 (2024)
Qui9 (Ultimate Quizzing)
 
Types of Diode and its working principle.pptx
Types of Diode and its working principle.pptxTypes of Diode and its working principle.pptx
Types of Diode and its working principle.pptx
nitugatkal
 
21stcenturyskillsframeworkfinalpresentation2-240509214747-71edb7ee.pptx
21stcenturyskillsframeworkfinalpresentation2-240509214747-71edb7ee.pptx21stcenturyskillsframeworkfinalpresentation2-240509214747-71edb7ee.pptx
21stcenturyskillsframeworkfinalpresentation2-240509214747-71edb7ee.pptx
OliverVillanueva13
 
Azure Interview Questions and Answers PDF By ScholarHat
Azure Interview Questions and Answers PDF By ScholarHatAzure Interview Questions and Answers PDF By ScholarHat
Azure Interview Questions and Answers PDF By ScholarHat
Scholarhat
 
Java Developer Roadmap PDF By ScholarHat
Java Developer Roadmap PDF By ScholarHatJava Developer Roadmap PDF By ScholarHat
Java Developer Roadmap PDF By ScholarHat
Scholarhat
 
What is the Use of API.onchange in Odoo 17
What is the Use of API.onchange in Odoo 17What is the Use of API.onchange in Odoo 17
What is the Use of API.onchange in Odoo 17
Celine George
 

Recently uploaded (20)

How to Set Start Category in Odoo 17 POS
How to Set Start Category in Odoo 17 POSHow to Set Start Category in Odoo 17 POS
How to Set Start Category in Odoo 17 POS
 
A history of Innisfree in Milanville, Pennsylvania
A history of Innisfree in Milanville, PennsylvaniaA history of Innisfree in Milanville, Pennsylvania
A history of Innisfree in Milanville, Pennsylvania
 
Understanding Clergy Payroll : QuickBooks
Understanding Clergy Payroll : QuickBooksUnderstanding Clergy Payroll : QuickBooks
Understanding Clergy Payroll : QuickBooks
 
Module-1_Sectors-of-ICT-and-Its-Career-and-Business-Opportunities-e6qbvs.pptx
Module-1_Sectors-of-ICT-and-Its-Career-and-Business-Opportunities-e6qbvs.pptxModule-1_Sectors-of-ICT-and-Its-Career-and-Business-Opportunities-e6qbvs.pptx
Module-1_Sectors-of-ICT-and-Its-Career-and-Business-Opportunities-e6qbvs.pptx
 
Odoo 17 Project Module : New Features - Odoo 17 Slides
Odoo 17 Project Module : New Features - Odoo 17 SlidesOdoo 17 Project Module : New Features - Odoo 17 Slides
Odoo 17 Project Module : New Features - Odoo 17 Slides
 
Replacing the Whole Capitalist Stack.pdf
Replacing the Whole Capitalist Stack.pdfReplacing the Whole Capitalist Stack.pdf
Replacing the Whole Capitalist Stack.pdf
 
great athletes ppt bahasa inggris kelas x kurikulum merdeka
great athletes ppt bahasa inggris kelas x kurikulum merdekagreat athletes ppt bahasa inggris kelas x kurikulum merdeka
great athletes ppt bahasa inggris kelas x kurikulum merdeka
 
How to Use Serial Numbers to Track Products in Odoo 17 Inventory
How to Use Serial Numbers to Track Products in Odoo 17 InventoryHow to Use Serial Numbers to Track Products in Odoo 17 Inventory
How to Use Serial Numbers to Track Products in Odoo 17 Inventory
 
FINAL MATATAG LANGUAGE CG 2023 Grade 1.pdf
FINAL MATATAG LANGUAGE CG 2023 Grade 1.pdfFINAL MATATAG LANGUAGE CG 2023 Grade 1.pdf
FINAL MATATAG LANGUAGE CG 2023 Grade 1.pdf
 
principles of auditing types of audit ppt
principles of auditing types of audit pptprinciples of auditing types of audit ppt
principles of auditing types of audit ppt
 
Java Full Stack Developer Interview Questions PDF By ScholarHat
Java Full Stack Developer Interview Questions PDF By ScholarHatJava Full Stack Developer Interview Questions PDF By ScholarHat
Java Full Stack Developer Interview Questions PDF By ScholarHat
 
2024 Winter SWAYAM NPTEL & A Student.pptx
2024 Winter SWAYAM NPTEL & A Student.pptx2024 Winter SWAYAM NPTEL & A Student.pptx
2024 Winter SWAYAM NPTEL & A Student.pptx
 
Form for Brigada eskwela-04 SY 2024.docx
Form for Brigada eskwela-04 SY 2024.docxForm for Brigada eskwela-04 SY 2024.docx
Form for Brigada eskwela-04 SY 2024.docx
 
UNIT 1 12 WAJIB KM ( LEAD IN & LISTENING).pptx
UNIT 1 12 WAJIB KM ( LEAD IN & LISTENING).pptxUNIT 1 12 WAJIB KM ( LEAD IN & LISTENING).pptx
UNIT 1 12 WAJIB KM ( LEAD IN & LISTENING).pptx
 
QND: VOL2 GRAND FINALE QUIZ by Qui9 (2024)
QND: VOL2  GRAND FINALE QUIZ by Qui9 (2024)QND: VOL2  GRAND FINALE QUIZ by Qui9 (2024)
QND: VOL2 GRAND FINALE QUIZ by Qui9 (2024)
 
Types of Diode and its working principle.pptx
Types of Diode and its working principle.pptxTypes of Diode and its working principle.pptx
Types of Diode and its working principle.pptx
 
21stcenturyskillsframeworkfinalpresentation2-240509214747-71edb7ee.pptx
21stcenturyskillsframeworkfinalpresentation2-240509214747-71edb7ee.pptx21stcenturyskillsframeworkfinalpresentation2-240509214747-71edb7ee.pptx
21stcenturyskillsframeworkfinalpresentation2-240509214747-71edb7ee.pptx
 
Azure Interview Questions and Answers PDF By ScholarHat
Azure Interview Questions and Answers PDF By ScholarHatAzure Interview Questions and Answers PDF By ScholarHat
Azure Interview Questions and Answers PDF By ScholarHat
 
Java Developer Roadmap PDF By ScholarHat
Java Developer Roadmap PDF By ScholarHatJava Developer Roadmap PDF By ScholarHat
Java Developer Roadmap PDF By ScholarHat
 
What is the Use of API.onchange in Odoo 17
What is the Use of API.onchange in Odoo 17What is the Use of API.onchange in Odoo 17
What is the Use of API.onchange in Odoo 17
 

240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx

  • 1. Jin-Woo Jeong Network Science Lab Dept. of Mathematics The Catholic University of Korea E-mail: zeus0208b@gmail.com Aditya Grover, Jure Leskovec
  • 2. 1  Introduction • Motivation • Introduction  Feature Learning Framework • Classic search strategies • Node2vec • Random Walks • Search bias 𝛼 • The node2vec algorithm • Learning edge features Experiments • Case Study: Les Misérables network • Multi-label classification • Link prediction Conclusion Q/A
  • 3. 2 Introduction Motivation  Supervised machine learning algorithms in network prediction tasks require informative, discriminating, and independent features. Typically, these features are constructed through hand-engineering based on domain-specific expertise. However, this process is tedious and the resulting features may not generalize well across different prediction tasks.  Previous techniques fail to satisfactorily define and optimize a reasonable objective required for scalable unsupervised feature learning in networks. Classic approaches based on linear and non-linear dimensionality reduction techniques such as Principal Component Analysis, Multi-Dimensional Scaling and their extensions optimize an objective that transforms a representative data matrix of the network such that it maximizes the variance of the data representation. Consequently, these approaches invariably involve eigendecomposition of the appropriate data matrix which is expensive for large real-world networks. Moreover, the resulting latent representations give poor performance on various prediction tasks over networks.
  • 4. 3 Introduction Introduction  A node could be organized based on communities they belong to (i.e., homophily); in other cases, the organization could be based on the structural roles of nodes in the network (i.e., structural equivalence).  Real-world networks commonly exhibit a mixture of such equivalences.
  • 5. 4 Introduction Introduction  they propose node2vec, a semi-supervised algorithm for scalable feature learning in networks. they optimize a custom graph-based objective function using SGD motivated by prior work on natural language processing.  Intuitively, their approach returns feature representations that maximize the likelihood of preserving network neighborhoods of nodes in a d-dimensional feature space. They use a 2nd order random walk approach to generate (sample) network neighborhoods for nodes.  Contributions  1. They propose node2vec, an efficient scalable algorithm for feature learning in networks that efficiently optimizes a novel network-aware, neighborhood preserving objective using SGD.  2. They show how node2vec is in accordance with established principles in network science, providing flexibility in discovering representations conforming to different equivalences.  3. They extend node2vec and other feature learning methods based on neighborhood preserving objectives, from nodes to pairs of nodes for edge-based prediction tasks.  4. They empirically evaluate node2vec for multi-label classification and link prediction on several real- world datasets.
  • 6. 5 Feature Learning Framework Feature Learning Framework  They formulate learning in networks as a maximum likelihood optimization problem. • 𝐺 = 𝑉, 𝐸 be a given graph • 𝑓 ∶ 𝑉 → ℝ𝑑 be the mapping function from nodes to feature representations. • 𝑓 is a matrix of size 𝑉 × 𝑑 parameters. • 𝑑 be a number of dimension of feature representation. • ∀ 𝑢 ∈ 𝑉, 𝑁𝑆 𝑢 ⊂ 𝑉 𝑁𝑆 𝑢 : a network neighborhood of node u generated through a neighborhood sampling strategy S. where
  • 7. 6 Feature Learning Framework Classic search strategies • Breadth-first Sampling (BFS) • The neighborhood 𝑁𝑆 is restricted to nodes which are immediate neighbors of the source. For example, in Figure 1 for a neighborhood of size k = 3, BFS samples nodes s1, s2, s3. • Depth-first Sampling (DFS) • The neighborhood consists of nodes sequentially sampled at increasing distances from the source node. In Figure 1, DFS samples s4, s5, s6.
  • 8. 7 Feature Learning Framework node2vec • Random Walks • 𝑢 : A source node • 𝑙 : Walk of fixed length • 𝑐𝑖 : 𝑖th node in the walk • 𝑐0 = 𝑢 • 𝜋𝑣𝑥 : unnormalized transition probability • 𝑍 : normalizing constant
  • 9. 8 Feature Learning Framework node2vec • Search bias 𝜶 𝜋𝑣𝑥 = 𝛼𝑝𝑞(𝑡, 𝑥) ∙ 𝜔𝑣𝑥 • Return parameter, p • Parameter p controls the likelihood of immediately revisiting a node in the walk. • In-out parameter, q • Parameter q allows the search to differentiate between “inward” and “outward” nodes.
  • 10. 9 Feature Learning Framework node2vec  The node2vec algorithm • SkipGram algorithm in DEEPWALK Φ → 𝑓 𝑤 → 𝑘 𝑊𝑣𝑖 → 𝑤𝑎𝑙𝑘
  • 11. 10 Feature Learning Framework Learning edge features  Given two nodes 𝑢 and 𝑣, they define a binary operator ◦ over the corresponding feature vectors f(𝑢) and f(𝑣) in order to generate a representation g(𝑢, 𝑣) such that 𝑔 ∶ 𝑉 × 𝑉 → ℝ𝑑′ where 𝑑′ is the representation size for the pair g 𝑢, 𝑣 .  They consider several choices for the operator ◦ such that 𝑑′ = 𝑑 which are summarized in Table 1
  • 12. 11 Experiments Case Study: Les Misérables network  They use a network where nodes correspond to characters in the novel Les Misérables and edges connect coappearing characters. The network has 77 nodes and 254 edges.  They set d = 16 and run node2vec to learn feature representation for every node in the network.  The feature representations are clustered using k- means. p = 1, q = 0.5 p = 1, q = 2 homophily structural equivalence
  • 16. 15 Conclusion Conclusion  In this paper, they researched feature learning in networks as a search-based optimization problem. This perspective provides us with several advantages. It can elucidate traditional search strategies based on the balance between exploration and exploitation. Additionally, it imparts interpretability to the learned representations when applied in prediction tasks.  The search strategy in node2vec allows flexible exploration and control of network neighborhoods through parameters p and q. While these search parameters have intuitive interpretations, we achieve the best results on complex networks when we can learn them directly from data.  From a practical standpoint, node2vec is scalable and robust. We demonstrated the superiority of extending node embeddings over widely used heuristic scores for link prediction. Their methodology allows additional binary operators beyond those listed in Table 1.  They aim to explore the reasons behind the success of the Hadamard operator over others in future work, as well as establish interpretable equivalence notions for edges based on the search parameters.
  • 17. 16 Q & A Q / A

Editor's Notes

  1. thank you, the presentation is concluded