SlideShare a Scribd company logo
1 of 25
Ho-Beom Kim
Network Science Lab
Dept. of Mathematics
The Catholic University of Korea
E-mail: hobeom2001@catholic.ac.kr
2023 / 07 / 05
WANG, Xiang, et al.
2019, ACM SIGIR
2
Introduction
Problem Statements
• There are two key components in learnable CF models
• Embedding, which transforms users and items to vectorized representations
• Interaction modeling, which reconstructs historical interactions based on the embeddings
• Embedding function lacks an explicit encoding of the crucial collaborative signal, which is latent in
user-item interactions to reveal the behavioral similarity between users (or items)
• Previous models : Matrix Factorization, Neural Collaborative Filtering,,,
• Most existing methods do not consider the user-item interactions
• Most existing methods build the embedding function with the descriptive features
3
Introduction
Running Example
• An illustration of the user-item interaction graph and the high-order connectivity
4
Introduction
Contributions
• They highlight the critical importance of explicitly exploiting the collaborative signal in the embedding
function of model-based CF methods
• They propose NGCF, a new recommendation framework based on graph neural network, which
explicitly encodes the collaborative signal in the form of high-order connectivities by performing
embedding propagation
• They conduct empirical studies on three million-size datasets
5
Method
Architecture
6
Methodology
Embedding Layer
• 𝑒𝑢, 𝑒𝑖 ∈ ℝ𝑑
• 𝑑 : the embedding size
• 𝑒𝑢𝑁
: users embeddings
• 𝑒𝑖𝑀
: item embeddings
• 𝐸 = [𝑒𝑢1
, … , 𝑒𝑢𝑁
, 𝑒𝑖1
, … , 𝑒𝑖𝑀
]
7
Methodology
Embedding Propagation Layers (First-order Propagation)
• Message Construction
• 𝑚𝑢←𝑖 = 𝑓 𝑒𝑖, 𝑒𝑢, 𝑝𝑢𝑖
• 𝑚𝑢←𝑖 : the message embedding
• (the information to be propagated)
• 𝑓(∙)
• the message encoding function
• 𝑚𝑢←𝑖 =
1
|𝑁𝑢||𝑁𝑖|
𝑊1𝑒𝑖 + 𝑊2(𝑒𝑖⨀𝑒𝑢 )
• 𝑊1, 𝑊2 ∈ ℝ𝑑′×𝑑
• Trainable weight matrices
• 𝑑′
: the transformation size
8
Methodology
Embedding Propagation Layers (First-order Propagation)
• Message Construction
• 𝑚𝑢←𝑖 =
1
|𝑁𝑢||𝑁𝑖|
𝑊1𝑒𝑖 + 𝑊2(𝑒𝑖⨀𝑒𝑢 )
• 𝑝𝑢𝑖
→ 1/ 𝑁𝑢 |𝑁𝑖|
• 𝑁𝑢 , |𝑁𝑖|
• Distinct from conventional graph convolution
networks, they additionally encode the
interaction between 𝑒𝑖, 𝑒𝑢 into the message
being passed via ei⨀𝑒𝑢
9
Methodology
Embedding Propagation Layers (First-order Propagation)
• Message Aggregation
• 𝑒𝑢
(1)
= 𝐿𝑒𝑎𝑘𝑦𝑅𝑒𝐿𝑈 𝑚𝑢←𝑢 + 𝑚𝑢←𝑖
• They aggregate the messages propagated
from u’s neighborhood to refine 𝑢’s
representation.
• 𝑒𝑢
(1)
: the representation of user u obtained
after first embedding propagation layer
10
Methodology
Embedding Propagation Layers (High-order Propagation)
• 𝑒𝑢
(𝑙)
= 𝐿𝑒𝑎𝑘𝑦𝑅𝑒𝐿𝑈(𝑚𝑢←𝑢
(𝑙)
+ 𝑖∈𝑁𝑢
𝑚𝑢←𝑖
(𝑙)
)
•
𝑚𝑢←𝑖
(𝑙)
= 𝑝𝑢𝑖 𝑊
1
𝑙
𝑒𝑖
𝑙−1
+ 𝑊
2
𝑙
(𝑒𝑖
𝑙−1
⊙ 𝑒𝑢
𝑙−1
)
𝑚𝑢←𝑢
(𝑙)
= 𝑊
1
𝑙
𝑒𝑖
(𝑙−1)
• 𝑊
1
(𝑙)
, 𝑊
2
(𝑙)
, ∈ ℝ𝑑𝑙×𝑑𝑙−1
• The trainable transformation matrices
• 𝑒𝑖
(𝑙−1)
• The item representation generated from the
previous message-passing steps, memorizing the
messages from its (l-1)-hop neighbors
11
Methodology
Embedding Propagation Layers (High-order Propagation)
• They can stack more embedding propagation layers to explore the high-order connectivity information
• High-order connectivities are crucial to encode the collaborative signal to estimate the relevance score
between a user and item
• Stacking l embedding propagation layers, a user is capable of receiving the messages propagated
from its l-hop neighbors
12
Methodology
Model Prediction
• {eu
1
, ∙∙∙, eu
L
}
• eu
∗
= eu
(0)
∥∙∙∙∥ eu
(𝐿)
• ei
∗
= ei
(0)
∥∙∙∙∥ ei
(𝐿)
• The advantage of using concatenation lies in
its simplicity
• They conduct the inner product to estimate
the user’s preference towards the target item
• 𝑦NGCF 𝑢, 𝑖 = eu
∗ ⊤
ei
∗
13
Methodology
Optimization
• Loss Function : Pairwise BPR Loss
• Considers the relative order between observed and unobserved user-item interactions
• It assumes that the observed interactions should be assigned higher prediction values than unobserved
ones
• 𝐿𝑜𝑠𝑠 = 𝑢,𝑖,𝑗 ∈𝒪 −ln 𝜎 𝑦𝑢𝑖 − 𝑦𝑢𝑗 + 𝜆 ∥ Θ ∥2
2
• 𝒪 = 𝑢, 𝑖, 𝑗 𝑢, 𝑖 ∈ ℛ+, 𝑢, 𝑖 ∈ ℛ− : Pairwise training data
• ℛ+ : observed interactions
• ℛ−
: unobserved interactions
14
Methodology
Optimization
• Message Dropout
• Randomly drops out the outgoing messages with probability 𝑝1
• In the l-th propagation layer, only partial messages contribute to the refined representations
• Endows the representations more robustness against the presence or absence of single connections
between users and items
• Node Dropout
• Conduct node dropout to randomly block a particular node and discard all its outgoing messages
• l-th propagation layer, they randomly drop 𝑀 + 𝑁 𝑝2 nodes of the Laplacian matrix, where 𝑝2 is the
dropout ratio
• Focuses on reducing the influences of particular users or items
15
Discussions
NGCF Generalizes SVD++
• SVD++ can be viewed as a special case of NGCF with no high-order propagation layer
• They set L to one
• In the propagation layer, they disable the transformation matrix and nonlinear activation function
• 𝑦𝑁𝐺𝐶𝐹−𝑆𝑉𝐷 = 𝑒𝑢 + 𝑖′∈𝑁𝑢
𝑝𝑢𝑖′𝑒𝑖′
⊤
(𝑒𝑖 + 𝑢′∈𝑁𝑖
𝑝𝑖𝑢′𝑒𝑖)
• 𝑝𝑢𝑖′ → 1/ |𝑁𝑢|
• 𝑝𝑢′𝑖 → 0
• They can recover SVD++ model
• FISM
• 𝑝𝑢′𝑖 → 0
16
Experiments
Research Questions
• RQ1 : How does NGCF perform as compared with state-of-the-art CF methods?
• RQ2 : How do different hyper-parameter settings affect NGCF?
• RQ3 : How do the representations benefit from the high-order connectivity?
Datasets
17
Experiments
Evaluation Metrics
• recall@𝐾
• 𝑅𝑒𝑐𝑎𝑙𝑙𝑘 ∶
𝑁𝑟𝑠
𝑁𝑟
Evaluation Metrics
• ndcg@𝐾
• 𝐶𝐺𝑘 =
𝐶𝐺𝑘
𝐷𝐶𝐺𝑘
• 𝐷𝐶𝐺𝑘 = 𝑖=1
𝑘 𝑟𝑒𝑙𝑖
log2(𝑖+1)
𝑜𝑟 𝐷𝐶𝐺𝑘 = 𝑖=1
𝑘 2𝑟𝑒𝑙𝑖−1
log2(𝑖+1)
18
Experiments
Overall Performance Comparison
19
Experiments
The sparsity distribution of user groups on different datasets
20
Experiments
Effect of embedding propagation layer numbers (L)
21
Experiments
Effect of graph convolution layers
22
Experiments
Effect of node dropout and message dropout ratios
23
Experiments
Test performance of each epoch of MF and NGCF
24
Experiments
Visualization of the learned t-SNE transformed representations
25
Conclusion And Future Work
Conclusion
• They explicitly incorporated collaborative signal into the embedding function of model-based CF
• They devised a new framework NGCF, which achieves the target by leveraging high-order connectivities
in the user-item integration graph.
• NGCF is based on which they allow the embeddings of users and items interact with each other to harvest
the collaborative signal
Future Work
• They will further improve NGCF by incorporating the attention mechanism to learn variable weights for
neighbors during embedding propagation and for the connectivities of different orders
• They are interested in exploring the adversarial learning on user/item embedding and the graph structure
for enhancing the robustness of NGCF

More Related Content

What's hot

Graph kernels
Graph kernelsGraph kernels
Graph kernelsLuc Brun
 
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...Simplilearn
 
Graph Neural Network - Introduction
Graph Neural Network - IntroductionGraph Neural Network - Introduction
Graph Neural Network - IntroductionJungwon Kim
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network Yan Xu
 
Deep Learning for Graphs
Deep Learning for GraphsDeep Learning for Graphs
Deep Learning for GraphsDeepLearningBlr
 
Classifying and understanding financial data using graph neural network
Classifying and understanding financial data using graph neural networkClassifying and understanding financial data using graph neural network
Classifying and understanding financial data using graph neural networkPark JunPyo
 
Training Neural Networks
Training Neural NetworksTraining Neural Networks
Training Neural NetworksDatabricks
 
Recent advances in deep recommender systems
Recent advances in deep recommender systemsRecent advances in deep recommender systems
Recent advances in deep recommender systemsNAVER Engineering
 
Intro to Deep learning - Autoencoders
Intro to Deep learning - Autoencoders Intro to Deep learning - Autoencoders
Intro to Deep learning - Autoencoders Akash Goel
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender SystemsJustin Basilico
 
A brief survey of tensors
A brief survey of tensorsA brief survey of tensors
A brief survey of tensorsBerton Earnshaw
 
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기NAVER Engineering
 
Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillationNAVER Engineering
 
Representation learning on graphs
Representation learning on graphsRepresentation learning on graphs
Representation learning on graphsDeakin University
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural NetworksDatabricks
 
Matrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender SystemsMatrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender SystemsLei Guo
 

What's hot (20)

Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
Graph kernels
Graph kernelsGraph kernels
Graph kernels
 
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
 
Recommender Systems
Recommender SystemsRecommender Systems
Recommender Systems
 
Mask R-CNN
Mask R-CNNMask R-CNN
Mask R-CNN
 
Graph Neural Network - Introduction
Graph Neural Network - IntroductionGraph Neural Network - Introduction
Graph Neural Network - Introduction
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
Deep Learning for Graphs
Deep Learning for GraphsDeep Learning for Graphs
Deep Learning for Graphs
 
Classifying and understanding financial data using graph neural network
Classifying and understanding financial data using graph neural networkClassifying and understanding financial data using graph neural network
Classifying and understanding financial data using graph neural network
 
Training Neural Networks
Training Neural NetworksTraining Neural Networks
Training Neural Networks
 
Recent advances in deep recommender systems
Recent advances in deep recommender systemsRecent advances in deep recommender systems
Recent advances in deep recommender systems
 
Intro to Deep learning - Autoencoders
Intro to Deep learning - Autoencoders Intro to Deep learning - Autoencoders
Intro to Deep learning - Autoencoders
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender Systems
 
A brief survey of tensors
A brief survey of tensorsA brief survey of tensors
A brief survey of tensors
 
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
 
Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillation
 
Representation learning on graphs
Representation learning on graphsRepresentation learning on graphs
Representation learning on graphs
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
Matrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender SystemsMatrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender Systems
 
CNN Tutorial
CNN TutorialCNN Tutorial
CNN Tutorial
 

Similar to NS-CUK Journal club: HBKim, Review on "Neural Graph Collaborative Filtering", SIGIR 2019

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
 
network mining and representation learning
network mining and representation learningnetwork mining and representation learning
network mining and representation learningsun peiyuan
 
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...MLconf
 
Graph Attention Networks.pptx
Graph Attention Networks.pptxGraph Attention Networks.pptx
Graph Attention Networks.pptxssuser2624f71
 
Attentive Relational Networks for Mapping Images to Scene Graphs
Attentive Relational Networks for Mapping Images to Scene GraphsAttentive Relational Networks for Mapping Images to Scene Graphs
Attentive Relational Networks for Mapping Images to Scene GraphsSangmin Woo
 
"Sparse Graph Attention Networks", IEEE Transactions on Knowledge and Data En...
"Sparse Graph Attention Networks", IEEE Transactions on Knowledge and Data En..."Sparse Graph Attention Networks", IEEE Transactions on Knowledge and Data En...
"Sparse Graph Attention Networks", IEEE Transactions on Knowledge and Data En...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
 
NS-CUK Joint Journal Club: THLee, Review on "Learning Conjoint Attentions for...
NS-CUK Joint Journal Club: THLee, Review on "Learning Conjoint Attentions for...NS-CUK Joint Journal Club: THLee, Review on "Learning Conjoint Attentions for...
NS-CUK Joint Journal Club: THLee, Review on "Learning Conjoint Attentions for...ssuser4b1f48
 
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...ssuser2624f71
 
NS-CUK Joint Journal Club: V.T.Hoang, Review on "Universal Graph Transformer ...
NS-CUK Joint Journal Club: V.T.Hoang, Review on "Universal Graph Transformer ...NS-CUK Joint Journal Club: V.T.Hoang, Review on "Universal Graph Transformer ...
NS-CUK Joint Journal Club: V.T.Hoang, Review on "Universal Graph Transformer ...ssuser4b1f48
 
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...InVID Project
 
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.pptxssuser2624f71
 
NS-CUK Seminar: H.B.Kim, Review on "Sequential Recommendation with Graph Neu...
NS-CUK Seminar: H.B.Kim,  Review on "Sequential Recommendation with Graph Neu...NS-CUK Seminar: H.B.Kim,  Review on "Sequential Recommendation with Graph Neu...
NS-CUK Seminar: H.B.Kim, Review on "Sequential Recommendation with Graph Neu...ssuser4b1f48
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
NS-CUK Seminar: H.E.Lee, Review on "Gated Graph Sequence Neural Networks", I...
NS-CUK Seminar: H.E.Lee,  Review on "Gated Graph Sequence Neural Networks", I...NS-CUK Seminar: H.E.Lee,  Review on "Gated Graph Sequence Neural Networks", I...
NS-CUK Seminar: H.E.Lee, Review on "Gated Graph Sequence Neural Networks", I...ssuser4b1f48
 
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
Convolutional Neural Networks on Graphs with Fast Localized Spectral FilteringConvolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
Convolutional Neural Networks on Graphs with Fast Localized Spectral FilteringSOYEON KIM
 
220206 transformer interpretability beyond attention visualization
220206 transformer interpretability beyond attention visualization220206 transformer interpretability beyond attention visualization
220206 transformer interpretability beyond attention visualizationtaeseon ryu
 

Similar to NS-CUK Journal club: HBKim, Review on "Neural Graph Collaborative Filtering", SIGIR 2019 (20)

230727_HB_JointJournalClub.pptx
230727_HB_JointJournalClub.pptx230727_HB_JointJournalClub.pptx
230727_HB_JointJournalClub.pptx
 
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...
 
network mining and representation learning
network mining and representation learningnetwork mining and representation learning
network mining and representation learning
 
Sun_MAPL_GNN.pptx
Sun_MAPL_GNN.pptxSun_MAPL_GNN.pptx
Sun_MAPL_GNN.pptx
 
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
 
Graph Attention Networks.pptx
Graph Attention Networks.pptxGraph Attention Networks.pptx
Graph Attention Networks.pptx
 
Attentive Relational Networks for Mapping Images to Scene Graphs
Attentive Relational Networks for Mapping Images to Scene GraphsAttentive Relational Networks for Mapping Images to Scene Graphs
Attentive Relational Networks for Mapping Images to Scene Graphs
 
Icon18revrec sudeshna
Icon18revrec sudeshnaIcon18revrec sudeshna
Icon18revrec sudeshna
 
"Sparse Graph Attention Networks", IEEE Transactions on Knowledge and Data En...
"Sparse Graph Attention Networks", IEEE Transactions on Knowledge and Data En..."Sparse Graph Attention Networks", IEEE Transactions on Knowledge and Data En...
"Sparse Graph Attention Networks", IEEE Transactions on Knowledge and Data En...
 
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...
 
NS-CUK Joint Journal Club: THLee, Review on "Learning Conjoint Attentions for...
NS-CUK Joint Journal Club: THLee, Review on "Learning Conjoint Attentions for...NS-CUK Joint Journal Club: THLee, Review on "Learning Conjoint Attentions for...
NS-CUK Joint Journal Club: THLee, Review on "Learning Conjoint Attentions for...
 
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
 
NS-CUK Joint Journal Club: V.T.Hoang, Review on "Universal Graph Transformer ...
NS-CUK Joint Journal Club: V.T.Hoang, Review on "Universal Graph Transformer ...NS-CUK Joint Journal Club: V.T.Hoang, Review on "Universal Graph Transformer ...
NS-CUK Joint Journal Club: V.T.Hoang, Review on "Universal Graph Transformer ...
 
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
Comparison of Fine-tuning and Extension Strategies for Deep Convolutional Neu...
 
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: H.B.Kim, Review on "Sequential Recommendation with Graph Neu...
NS-CUK Seminar: H.B.Kim,  Review on "Sequential Recommendation with Graph Neu...NS-CUK Seminar: H.B.Kim,  Review on "Sequential Recommendation with Graph Neu...
NS-CUK Seminar: H.B.Kim, Review on "Sequential Recommendation with Graph Neu...
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
NS-CUK Seminar: H.E.Lee, Review on "Gated Graph Sequence Neural Networks", I...
NS-CUK Seminar: H.E.Lee,  Review on "Gated Graph Sequence Neural Networks", I...NS-CUK Seminar: H.E.Lee,  Review on "Gated Graph Sequence Neural Networks", I...
NS-CUK Seminar: H.E.Lee, Review on "Gated Graph Sequence Neural Networks", I...
 
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
Convolutional Neural Networks on Graphs with Fast Localized Spectral FilteringConvolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
 
220206 transformer interpretability beyond attention visualization
220206 transformer interpretability beyond attention visualization220206 transformer interpretability beyond attention visualization
220206 transformer interpretability beyond attention visualization
 

More from ssuser4b1f48

NS-CUK Seminar: V.T.Hoang, Review on "GOAT: A Global Transformer on Large-sca...
NS-CUK Seminar: V.T.Hoang, Review on "GOAT: A Global Transformer on Large-sca...NS-CUK Seminar: V.T.Hoang, Review on "GOAT: A Global Transformer on Large-sca...
NS-CUK Seminar: V.T.Hoang, Review on "GOAT: A Global Transformer on Large-sca...ssuser4b1f48
 
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...ssuser4b1f48
 
NS-CUK Seminar: H.B.Kim, Review on "Cluster-GCN: An Efficient Algorithm for ...
NS-CUK Seminar: H.B.Kim,  Review on "Cluster-GCN: An Efficient Algorithm for ...NS-CUK Seminar: H.B.Kim,  Review on "Cluster-GCN: An Efficient Algorithm for ...
NS-CUK Seminar: H.B.Kim, Review on "Cluster-GCN: An Efficient Algorithm for ...ssuser4b1f48
 
NS-CUK Seminar: H.E.Lee, Review on "Weisfeiler and Leman Go Neural: Higher-O...
NS-CUK Seminar: H.E.Lee,  Review on "Weisfeiler and Leman Go Neural: Higher-O...NS-CUK Seminar: H.E.Lee,  Review on "Weisfeiler and Leman Go Neural: Higher-O...
NS-CUK Seminar: H.E.Lee, Review on "Weisfeiler and Leman Go Neural: Higher-O...ssuser4b1f48
 
NS-CUK Seminar:V.T.Hoang, Review on "GRPE: Relative Positional Encoding for G...
NS-CUK Seminar:V.T.Hoang, Review on "GRPE: Relative Positional Encoding for G...NS-CUK Seminar:V.T.Hoang, Review on "GRPE: Relative Positional Encoding for G...
NS-CUK Seminar:V.T.Hoang, Review on "GRPE: Relative Positional Encoding for G...ssuser4b1f48
 
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...ssuser4b1f48
 
Aug 22nd, 2023: Case Studies - The Art and Science of Animation Production)
Aug 22nd, 2023: Case Studies - The Art and Science of Animation Production)Aug 22nd, 2023: Case Studies - The Art and Science of Animation Production)
Aug 22nd, 2023: Case Studies - The Art and Science of Animation Production)ssuser4b1f48
 
Aug 17th, 2023: Case Studies - Examining Gamification through Virtual/Augment...
Aug 17th, 2023: Case Studies - Examining Gamification through Virtual/Augment...Aug 17th, 2023: Case Studies - Examining Gamification through Virtual/Augment...
Aug 17th, 2023: Case Studies - Examining Gamification through Virtual/Augment...ssuser4b1f48
 
Aug 10th, 2023: Case Studies - The Power of eXtended Reality (XR) with 360°
Aug 10th, 2023: Case Studies - The Power of eXtended Reality (XR) with 360°Aug 10th, 2023: Case Studies - The Power of eXtended Reality (XR) with 360°
Aug 10th, 2023: Case Studies - The Power of eXtended Reality (XR) with 360°ssuser4b1f48
 
Aug 8th, 2023: Case Studies - Utilizing eXtended Reality (XR) in Drones)
Aug 8th, 2023: Case Studies - Utilizing eXtended Reality (XR) in Drones)Aug 8th, 2023: Case Studies - Utilizing eXtended Reality (XR) in Drones)
Aug 8th, 2023: Case Studies - Utilizing eXtended Reality (XR) in Drones)ssuser4b1f48
 
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...ssuser4b1f48
 
NS-CUK Seminar:V.T.Hoang, Review on "Augmentation-Free Self-Supervised Learni...
NS-CUK Seminar:V.T.Hoang, Review on "Augmentation-Free Self-Supervised Learni...NS-CUK Seminar:V.T.Hoang, Review on "Augmentation-Free Self-Supervised Learni...
NS-CUK Seminar:V.T.Hoang, Review on "Augmentation-Free Self-Supervised Learni...ssuser4b1f48
 
NS-CUK Journal club: H.E.Lee, Review on " A biomedical knowledge graph-based ...
NS-CUK Journal club: H.E.Lee, Review on " A biomedical knowledge graph-based ...NS-CUK Journal club: H.E.Lee, Review on " A biomedical knowledge graph-based ...
NS-CUK Journal club: H.E.Lee, Review on " A biomedical knowledge graph-based ...ssuser4b1f48
 
NS-CUK Seminar: H.E.Lee, Review on "PTE: Predictive Text Embedding through L...
NS-CUK Seminar: H.E.Lee,  Review on "PTE: Predictive Text Embedding through L...NS-CUK Seminar: H.E.Lee,  Review on "PTE: Predictive Text Embedding through L...
NS-CUK Seminar: H.E.Lee, Review on "PTE: Predictive Text Embedding through L...ssuser4b1f48
 
NS-CUK Seminar: H.B.Kim, Review on "Inductive Representation Learning on Lar...
NS-CUK Seminar: H.B.Kim,  Review on "Inductive Representation Learning on Lar...NS-CUK Seminar: H.B.Kim,  Review on "Inductive Representation Learning on Lar...
NS-CUK Seminar: H.B.Kim, Review on "Inductive Representation Learning on Lar...ssuser4b1f48
 
NS-CUK Seminar: H.E.Lee, Review on "PTE: Predictive Text Embedding through L...
NS-CUK Seminar: H.E.Lee,  Review on "PTE: Predictive Text Embedding through L...NS-CUK Seminar: H.E.Lee,  Review on "PTE: Predictive Text Embedding through L...
NS-CUK Seminar: H.E.Lee, Review on "PTE: Predictive Text Embedding through L...ssuser4b1f48
 
NS-CUK Seminar: J.H.Lee, Review on "Relational Self-Supervised Learning on Gr...
NS-CUK Seminar: J.H.Lee, Review on "Relational Self-Supervised Learning on Gr...NS-CUK Seminar: J.H.Lee, Review on "Relational Self-Supervised Learning on Gr...
NS-CUK Seminar: J.H.Lee, Review on "Relational Self-Supervised Learning on Gr...ssuser4b1f48
 
NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation le...
NS-CUK Seminar: H.B.Kim,  Review on "metapath2vec: Scalable representation le...NS-CUK Seminar: H.B.Kim,  Review on "metapath2vec: Scalable representation le...
NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation le...ssuser4b1f48
 
NS-CUK Seminar: H.E.Lee, Review on "Graph Star Net for Generalized Multi-Tas...
NS-CUK Seminar: H.E.Lee,  Review on "Graph Star Net for Generalized Multi-Tas...NS-CUK Seminar: H.E.Lee,  Review on "Graph Star Net for Generalized Multi-Tas...
NS-CUK Seminar: H.E.Lee, Review on "Graph Star Net for Generalized Multi-Tas...ssuser4b1f48
 
NS-CUK Seminar: V.T.Hoang, Review on "Namkyeong Lee, et al. Relational Self-...
NS-CUK Seminar:  V.T.Hoang, Review on "Namkyeong Lee, et al. Relational Self-...NS-CUK Seminar:  V.T.Hoang, Review on "Namkyeong Lee, et al. Relational Self-...
NS-CUK Seminar: V.T.Hoang, Review on "Namkyeong Lee, et al. Relational Self-...ssuser4b1f48
 

More from ssuser4b1f48 (20)

NS-CUK Seminar: V.T.Hoang, Review on "GOAT: A Global Transformer on Large-sca...
NS-CUK Seminar: V.T.Hoang, Review on "GOAT: A Global Transformer on Large-sca...NS-CUK Seminar: V.T.Hoang, Review on "GOAT: A Global Transformer on Large-sca...
NS-CUK Seminar: V.T.Hoang, Review on "GOAT: A Global Transformer on Large-sca...
 
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
 
NS-CUK Seminar: H.B.Kim, Review on "Cluster-GCN: An Efficient Algorithm for ...
NS-CUK Seminar: H.B.Kim,  Review on "Cluster-GCN: An Efficient Algorithm for ...NS-CUK Seminar: H.B.Kim,  Review on "Cluster-GCN: An Efficient Algorithm for ...
NS-CUK Seminar: H.B.Kim, Review on "Cluster-GCN: An Efficient Algorithm for ...
 
NS-CUK Seminar: H.E.Lee, Review on "Weisfeiler and Leman Go Neural: Higher-O...
NS-CUK Seminar: H.E.Lee,  Review on "Weisfeiler and Leman Go Neural: Higher-O...NS-CUK Seminar: H.E.Lee,  Review on "Weisfeiler and Leman Go Neural: Higher-O...
NS-CUK Seminar: H.E.Lee, Review on "Weisfeiler and Leman Go Neural: Higher-O...
 
NS-CUK Seminar:V.T.Hoang, Review on "GRPE: Relative Positional Encoding for G...
NS-CUK Seminar:V.T.Hoang, Review on "GRPE: Relative Positional Encoding for G...NS-CUK Seminar:V.T.Hoang, Review on "GRPE: Relative Positional Encoding for G...
NS-CUK Seminar:V.T.Hoang, Review on "GRPE: Relative Positional Encoding for G...
 
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
 
Aug 22nd, 2023: Case Studies - The Art and Science of Animation Production)
Aug 22nd, 2023: Case Studies - The Art and Science of Animation Production)Aug 22nd, 2023: Case Studies - The Art and Science of Animation Production)
Aug 22nd, 2023: Case Studies - The Art and Science of Animation Production)
 
Aug 17th, 2023: Case Studies - Examining Gamification through Virtual/Augment...
Aug 17th, 2023: Case Studies - Examining Gamification through Virtual/Augment...Aug 17th, 2023: Case Studies - Examining Gamification through Virtual/Augment...
Aug 17th, 2023: Case Studies - Examining Gamification through Virtual/Augment...
 
Aug 10th, 2023: Case Studies - The Power of eXtended Reality (XR) with 360°
Aug 10th, 2023: Case Studies - The Power of eXtended Reality (XR) with 360°Aug 10th, 2023: Case Studies - The Power of eXtended Reality (XR) with 360°
Aug 10th, 2023: Case Studies - The Power of eXtended Reality (XR) with 360°
 
Aug 8th, 2023: Case Studies - Utilizing eXtended Reality (XR) in Drones)
Aug 8th, 2023: Case Studies - Utilizing eXtended Reality (XR) in Drones)Aug 8th, 2023: Case Studies - Utilizing eXtended Reality (XR) in Drones)
Aug 8th, 2023: Case Studies - Utilizing eXtended Reality (XR) in Drones)
 
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
NS-CUK Seminar: J.H.Lee, Review on "Learnable Structural Semantic Readout for...
 
NS-CUK Seminar:V.T.Hoang, Review on "Augmentation-Free Self-Supervised Learni...
NS-CUK Seminar:V.T.Hoang, Review on "Augmentation-Free Self-Supervised Learni...NS-CUK Seminar:V.T.Hoang, Review on "Augmentation-Free Self-Supervised Learni...
NS-CUK Seminar:V.T.Hoang, Review on "Augmentation-Free Self-Supervised Learni...
 
NS-CUK Journal club: H.E.Lee, Review on " A biomedical knowledge graph-based ...
NS-CUK Journal club: H.E.Lee, Review on " A biomedical knowledge graph-based ...NS-CUK Journal club: H.E.Lee, Review on " A biomedical knowledge graph-based ...
NS-CUK Journal club: H.E.Lee, Review on " A biomedical knowledge graph-based ...
 
NS-CUK Seminar: H.E.Lee, Review on "PTE: Predictive Text Embedding through L...
NS-CUK Seminar: H.E.Lee,  Review on "PTE: Predictive Text Embedding through L...NS-CUK Seminar: H.E.Lee,  Review on "PTE: Predictive Text Embedding through L...
NS-CUK Seminar: H.E.Lee, Review on "PTE: Predictive Text Embedding through L...
 
NS-CUK Seminar: H.B.Kim, Review on "Inductive Representation Learning on Lar...
NS-CUK Seminar: H.B.Kim,  Review on "Inductive Representation Learning on Lar...NS-CUK Seminar: H.B.Kim,  Review on "Inductive Representation Learning on Lar...
NS-CUK Seminar: H.B.Kim, Review on "Inductive Representation Learning on Lar...
 
NS-CUK Seminar: H.E.Lee, Review on "PTE: Predictive Text Embedding through L...
NS-CUK Seminar: H.E.Lee,  Review on "PTE: Predictive Text Embedding through L...NS-CUK Seminar: H.E.Lee,  Review on "PTE: Predictive Text Embedding through L...
NS-CUK Seminar: H.E.Lee, Review on "PTE: Predictive Text Embedding through L...
 
NS-CUK Seminar: J.H.Lee, Review on "Relational Self-Supervised Learning on Gr...
NS-CUK Seminar: J.H.Lee, Review on "Relational Self-Supervised Learning on Gr...NS-CUK Seminar: J.H.Lee, Review on "Relational Self-Supervised Learning on Gr...
NS-CUK Seminar: J.H.Lee, Review on "Relational Self-Supervised Learning on Gr...
 
NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation le...
NS-CUK Seminar: H.B.Kim,  Review on "metapath2vec: Scalable representation le...NS-CUK Seminar: H.B.Kim,  Review on "metapath2vec: Scalable representation le...
NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation le...
 
NS-CUK Seminar: H.E.Lee, Review on "Graph Star Net for Generalized Multi-Tas...
NS-CUK Seminar: H.E.Lee,  Review on "Graph Star Net for Generalized Multi-Tas...NS-CUK Seminar: H.E.Lee,  Review on "Graph Star Net for Generalized Multi-Tas...
NS-CUK Seminar: H.E.Lee, Review on "Graph Star Net for Generalized Multi-Tas...
 
NS-CUK Seminar: V.T.Hoang, Review on "Namkyeong Lee, et al. Relational Self-...
NS-CUK Seminar:  V.T.Hoang, Review on "Namkyeong Lee, et al. Relational Self-...NS-CUK Seminar:  V.T.Hoang, Review on "Namkyeong Lee, et al. Relational Self-...
NS-CUK Seminar: V.T.Hoang, Review on "Namkyeong Lee, et al. Relational Self-...
 

Recently uploaded

Unlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power SystemsUnlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power SystemsPrecisely
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticscarlostorres15106
 
Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationSlibray Presentation
 
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationBeyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationSafe Software
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubKalema Edgar
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Enterprise Knowledge
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationRidwan Fadjar
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Scott Keck-Warren
 
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks..."LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...Fwdays
 
Build your next Gen AI Breakthrough - April 2024
Build your next Gen AI Breakthrough - April 2024Build your next Gen AI Breakthrough - April 2024
Build your next Gen AI Breakthrough - April 2024Neo4j
 
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024BookNet Canada
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...shyamraj55
 
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Wonjun Hwang
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersThousandEyes
 
Pigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food ManufacturingPigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food ManufacturingPigging Solutions
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr LapshynFwdays
 
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 3652toLead Limited
 
Key Features Of Token Development (1).pptx
Key  Features Of Token  Development (1).pptxKey  Features Of Token  Development (1).pptx
Key Features Of Token Development (1).pptxLBM Solutions
 

Recently uploaded (20)

Unlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power SystemsUnlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power Systems
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
 
Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck Presentation
 
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationBeyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping Elbows
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding Club
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 Presentation
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024
 
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks..."LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
"LLMs for Python Engineers: Advanced Data Analysis and Semantic Kernel",Oleks...
 
Build your next Gen AI Breakthrough - April 2024
Build your next Gen AI Breakthrough - April 2024Build your next Gen AI Breakthrough - April 2024
Build your next Gen AI Breakthrough - April 2024
 
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
 
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
 
Pigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food ManufacturingPigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food Manufacturing
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
 
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
 
Key Features Of Token Development (1).pptx
Key  Features Of Token  Development (1).pptxKey  Features Of Token  Development (1).pptx
Key Features Of Token Development (1).pptx
 

NS-CUK Journal club: HBKim, Review on "Neural Graph Collaborative Filtering", SIGIR 2019

  • 1. Ho-Beom Kim Network Science Lab Dept. of Mathematics The Catholic University of Korea E-mail: hobeom2001@catholic.ac.kr 2023 / 07 / 05 WANG, Xiang, et al. 2019, ACM SIGIR
  • 2. 2 Introduction Problem Statements • There are two key components in learnable CF models • Embedding, which transforms users and items to vectorized representations • Interaction modeling, which reconstructs historical interactions based on the embeddings • Embedding function lacks an explicit encoding of the crucial collaborative signal, which is latent in user-item interactions to reveal the behavioral similarity between users (or items) • Previous models : Matrix Factorization, Neural Collaborative Filtering,,, • Most existing methods do not consider the user-item interactions • Most existing methods build the embedding function with the descriptive features
  • 3. 3 Introduction Running Example • An illustration of the user-item interaction graph and the high-order connectivity
  • 4. 4 Introduction Contributions • They highlight the critical importance of explicitly exploiting the collaborative signal in the embedding function of model-based CF methods • They propose NGCF, a new recommendation framework based on graph neural network, which explicitly encodes the collaborative signal in the form of high-order connectivities by performing embedding propagation • They conduct empirical studies on three million-size datasets
  • 6. 6 Methodology Embedding Layer • 𝑒𝑢, 𝑒𝑖 ∈ ℝ𝑑 • 𝑑 : the embedding size • 𝑒𝑢𝑁 : users embeddings • 𝑒𝑖𝑀 : item embeddings • 𝐸 = [𝑒𝑢1 , … , 𝑒𝑢𝑁 , 𝑒𝑖1 , … , 𝑒𝑖𝑀 ]
  • 7. 7 Methodology Embedding Propagation Layers (First-order Propagation) • Message Construction • 𝑚𝑢←𝑖 = 𝑓 𝑒𝑖, 𝑒𝑢, 𝑝𝑢𝑖 • 𝑚𝑢←𝑖 : the message embedding • (the information to be propagated) • 𝑓(∙) • the message encoding function • 𝑚𝑢←𝑖 = 1 |𝑁𝑢||𝑁𝑖| 𝑊1𝑒𝑖 + 𝑊2(𝑒𝑖⨀𝑒𝑢 ) • 𝑊1, 𝑊2 ∈ ℝ𝑑′×𝑑 • Trainable weight matrices • 𝑑′ : the transformation size
  • 8. 8 Methodology Embedding Propagation Layers (First-order Propagation) • Message Construction • 𝑚𝑢←𝑖 = 1 |𝑁𝑢||𝑁𝑖| 𝑊1𝑒𝑖 + 𝑊2(𝑒𝑖⨀𝑒𝑢 ) • 𝑝𝑢𝑖 → 1/ 𝑁𝑢 |𝑁𝑖| • 𝑁𝑢 , |𝑁𝑖| • Distinct from conventional graph convolution networks, they additionally encode the interaction between 𝑒𝑖, 𝑒𝑢 into the message being passed via ei⨀𝑒𝑢
  • 9. 9 Methodology Embedding Propagation Layers (First-order Propagation) • Message Aggregation • 𝑒𝑢 (1) = 𝐿𝑒𝑎𝑘𝑦𝑅𝑒𝐿𝑈 𝑚𝑢←𝑢 + 𝑚𝑢←𝑖 • They aggregate the messages propagated from u’s neighborhood to refine 𝑢’s representation. • 𝑒𝑢 (1) : the representation of user u obtained after first embedding propagation layer
  • 10. 10 Methodology Embedding Propagation Layers (High-order Propagation) • 𝑒𝑢 (𝑙) = 𝐿𝑒𝑎𝑘𝑦𝑅𝑒𝐿𝑈(𝑚𝑢←𝑢 (𝑙) + 𝑖∈𝑁𝑢 𝑚𝑢←𝑖 (𝑙) ) • 𝑚𝑢←𝑖 (𝑙) = 𝑝𝑢𝑖 𝑊 1 𝑙 𝑒𝑖 𝑙−1 + 𝑊 2 𝑙 (𝑒𝑖 𝑙−1 ⊙ 𝑒𝑢 𝑙−1 ) 𝑚𝑢←𝑢 (𝑙) = 𝑊 1 𝑙 𝑒𝑖 (𝑙−1) • 𝑊 1 (𝑙) , 𝑊 2 (𝑙) , ∈ ℝ𝑑𝑙×𝑑𝑙−1 • The trainable transformation matrices • 𝑒𝑖 (𝑙−1) • The item representation generated from the previous message-passing steps, memorizing the messages from its (l-1)-hop neighbors
  • 11. 11 Methodology Embedding Propagation Layers (High-order Propagation) • They can stack more embedding propagation layers to explore the high-order connectivity information • High-order connectivities are crucial to encode the collaborative signal to estimate the relevance score between a user and item • Stacking l embedding propagation layers, a user is capable of receiving the messages propagated from its l-hop neighbors
  • 12. 12 Methodology Model Prediction • {eu 1 , ∙∙∙, eu L } • eu ∗ = eu (0) ∥∙∙∙∥ eu (𝐿) • ei ∗ = ei (0) ∥∙∙∙∥ ei (𝐿) • The advantage of using concatenation lies in its simplicity • They conduct the inner product to estimate the user’s preference towards the target item • 𝑦NGCF 𝑢, 𝑖 = eu ∗ ⊤ ei ∗
  • 13. 13 Methodology Optimization • Loss Function : Pairwise BPR Loss • Considers the relative order between observed and unobserved user-item interactions • It assumes that the observed interactions should be assigned higher prediction values than unobserved ones • 𝐿𝑜𝑠𝑠 = 𝑢,𝑖,𝑗 ∈𝒪 −ln 𝜎 𝑦𝑢𝑖 − 𝑦𝑢𝑗 + 𝜆 ∥ Θ ∥2 2 • 𝒪 = 𝑢, 𝑖, 𝑗 𝑢, 𝑖 ∈ ℛ+, 𝑢, 𝑖 ∈ ℛ− : Pairwise training data • ℛ+ : observed interactions • ℛ− : unobserved interactions
  • 14. 14 Methodology Optimization • Message Dropout • Randomly drops out the outgoing messages with probability 𝑝1 • In the l-th propagation layer, only partial messages contribute to the refined representations • Endows the representations more robustness against the presence or absence of single connections between users and items • Node Dropout • Conduct node dropout to randomly block a particular node and discard all its outgoing messages • l-th propagation layer, they randomly drop 𝑀 + 𝑁 𝑝2 nodes of the Laplacian matrix, where 𝑝2 is the dropout ratio • Focuses on reducing the influences of particular users or items
  • 15. 15 Discussions NGCF Generalizes SVD++ • SVD++ can be viewed as a special case of NGCF with no high-order propagation layer • They set L to one • In the propagation layer, they disable the transformation matrix and nonlinear activation function • 𝑦𝑁𝐺𝐶𝐹−𝑆𝑉𝐷 = 𝑒𝑢 + 𝑖′∈𝑁𝑢 𝑝𝑢𝑖′𝑒𝑖′ ⊤ (𝑒𝑖 + 𝑢′∈𝑁𝑖 𝑝𝑖𝑢′𝑒𝑖) • 𝑝𝑢𝑖′ → 1/ |𝑁𝑢| • 𝑝𝑢′𝑖 → 0 • They can recover SVD++ model • FISM • 𝑝𝑢′𝑖 → 0
  • 16. 16 Experiments Research Questions • RQ1 : How does NGCF perform as compared with state-of-the-art CF methods? • RQ2 : How do different hyper-parameter settings affect NGCF? • RQ3 : How do the representations benefit from the high-order connectivity? Datasets
  • 17. 17 Experiments Evaluation Metrics • recall@𝐾 • 𝑅𝑒𝑐𝑎𝑙𝑙𝑘 ∶ 𝑁𝑟𝑠 𝑁𝑟 Evaluation Metrics • ndcg@𝐾 • 𝐶𝐺𝑘 = 𝐶𝐺𝑘 𝐷𝐶𝐺𝑘 • 𝐷𝐶𝐺𝑘 = 𝑖=1 𝑘 𝑟𝑒𝑙𝑖 log2(𝑖+1) 𝑜𝑟 𝐷𝐶𝐺𝑘 = 𝑖=1 𝑘 2𝑟𝑒𝑙𝑖−1 log2(𝑖+1)
  • 19. 19 Experiments The sparsity distribution of user groups on different datasets
  • 20. 20 Experiments Effect of embedding propagation layer numbers (L)
  • 21. 21 Experiments Effect of graph convolution layers
  • 22. 22 Experiments Effect of node dropout and message dropout ratios
  • 23. 23 Experiments Test performance of each epoch of MF and NGCF
  • 24. 24 Experiments Visualization of the learned t-SNE transformed representations
  • 25. 25 Conclusion And Future Work Conclusion • They explicitly incorporated collaborative signal into the embedding function of model-based CF • They devised a new framework NGCF, which achieves the target by leveraging high-order connectivities in the user-item integration graph. • NGCF is based on which they allow the embeddings of users and items interact with each other to harvest the collaborative signal Future Work • They will further improve NGCF by incorporating the attention mechanism to learn variable weights for neighbors during embedding propagation and for the connectivities of different orders • They are interested in exploring the adversarial learning on user/item embedding and the graph structure for enhancing the robustness of NGCF

Editor's Notes

  1. since it involves no additional parameters to learn, and it has been shown quite effectively in a recent work of graph neural networks