SlideShare a Scribd company logo
1 of 23
Ho-Beom Kim
Network Science Lab
Dept. of Mathematics
The Catholic University of Korea
E-mail: hobeom2001@catholic.ac.kr
2023 / 07 / 24
DONG, Yuxiao; CHAWLA, Nitesh V.; SWAMI, Ananthram.
ACM SIGKDD
2
Introduction
Problem Statements
• Neural network-based learning models can represent latent embeddings that capture the internal relations
of rich, complex data across various modalities, such as image, audio, and language.
• Social and information networks are similarly rich and complex data that encode the dynamics and types of
human interactions, and are similarly amenable to representation learning using neural networks.
• Recent research publications have proposed word2vec-based network representation learning frameworks
• DeepWalk, LINE, node2vec
→ These work has far focused on representation learning for homogeneous networks-representative of
singular type of nodes and relationships.
• A large number of social and information networks are heterogeneous in nature, involving diversity of node
types and/or relationships between nodes
3
Introduction
Problem Statements
• The aforementioned works commonly concentrate more on user behaviors of recent times
→ They are not capable of fully mining older behavior-sequences to accurately estimate their current
interests.
• There two major challenges in sequential recommendation that have not been well-addressed so far
1. User behaviors in long sequences reflect implicit and noisy preference signals
2. User preferences are always drifting over time due to their diversity
 To address these two challenges, they propose a graph-based method with graph convolutional networks
to extract implicit preference signals
 Sequence  Graph
 Design a attentive graph convolutional network
 Dynamic pooling technique
4
Introduction
Contributions
• They approach sequential recommendation from a new perspective by taking into consideration the
implicit-signal behaviors and fast-changing preferences
• They Propose to aggregate implicit signals into explicit ones from user behaviors by designing graph
neural network-based models on constructed item-item interest graphs. Then they design dynamic-pooling
for filtering and reserving activated core preferences for recommendation
• They conduct extensive experiments on two large-scale datasets collected from real-world applications.
The experimental results show significant performance improvements compared with the state-of-the-art
methods of sequential recommendation. Further studies also verify that our method can model long
behavioral sequences effectively and efficiently
5
Introduction
Problem Formulation
• They approach sequential recommendation from a new perspective by taking into consideration the
implicit-signal behaviors and fast-changing preferences
• They Propose to aggregate implicit signals into explicit ones from user behaviors by designing graph
neural network-based models on constructed item-item interest graphs. Then they design dynamic-pooling
for filtering and reserving activated core preferences for recommendation
• They conduct extensive experiments on two large-scale datasets collected from real-world applications.
The experimental results show significant performance improvements compared with the state-of-the-art
methods of sequential recommendation. Further studies also verify that our method can model long
behavioral sequences effectively and efficiently
6
Problem Definition
Definition
A : authors
P : papers
V : venues
O : organizations
→ Nodes
A-A : coauthor
A-P,P-V : publish
O-A : affiliation
7
Problem Definition
Problem1 : Heterogeneous Network Representation Learning
• The task is to learn the d-dimensional latent representations X ∈ ℝ 𝑉 X𝑑
, 𝑑 ≪ 𝑉 that are able to capture
the structural and semantic relations among them
• The output : the low-dimensional matrix X with the vth row-a d-dimensional vector 𝑋𝑣-corresponding to the
representation of node v
• There are different types of nodes in V  their representations are mapped into the same latent space
• The learned node representations can benefit embedding vector of each node can be used as the feature
input of node classification, clustering, and similarity search tasks
• The main challenge of this problem comes from the network heterogeneity, wherein it is difficult to directly
apply homogeneous language and network embedding methods
• The premise of network embedding models is to preserve the proximity between a anode and its
neighborhood.
8
Related Works
PTE
• Fist learns a low dimensional embedding for words through a heterogeneous text network.
• The network encodes different levels of co-occurrence information between words and words, words and
documents, and words and labels.
• The network is embedded into a low dimensional vector space that preserves the second-order proximity
between the vertices in the network.
• Proposed to learn predictive text embeddings in a semi-supervised manner.
• Unlabeled data and labeled information are integrated into a heterogeneous text network which
incorporates different levels of cooccurrence information in text
• Propose PTE, which learns a distributed representation of text through embedding the heterogeneous text
network into a low dimensional space
• PTE uses the average value of word embeddings
• PTE considers the linear relationship between words and labels
9
Related Works
PTE
• Deep neural networks fully leverage labeled information that is available for a task when they learn the
representations of the data
• Most text embedding methods are not able to consider labeled information when learning the
representations
• Previous embedding models using unsupervised text embeddings
→ Generalizable for different tasks but have a weaker predictive power for a particular task
• Text embedding methods are much more efficient, are much easier to tune, and naturally accommodate
unlabeled data
10
Methodology
Heterogeneous Network Embedding: metapath2vec
𝑙𝑜𝑔𝜎 𝑋𝑐𝑡
∙ 𝑋𝑣 +
𝑚=1
𝑀
𝔼𝑢𝑚~𝑝(𝑢) 𝑙𝑜𝑔𝜎(−𝑋𝑢𝑚 ∙ 𝑋𝑣)
𝑝(𝑢) : pre-defined distribution
11
Methodology
Meta-Path-Based Random Walks
12
Methodology
Heterogeneous negative sampling
13
Experimental Setup
Experiments
The number of walks per node : 1000;
The walk length l : 1000;
The vector dimension d: 128 (LINE: 128 for each order);
The neighborhood size k: 7;
The size of negative samples: 5
14
Multi-class venue node classification results in Aminer data
Experiments
15
Multi-class author node classification results in AMiner data
Experiments
16
Parameter sensitivity in multi-class node classification
Experiments
17
Node clustering results in AMiner data
Experiments
18
Parameter sensitivity in clustering
Experiments
19
Case study of similarity search in AMiner Data
Experiments
20
Case study of similarity search in DBIS Data
Experiments
21
2D t-SNE projections of the 128D embeddings of 48 CS venues, three each from 16 sub-fields
Experiments
22
Scalability of metapaath2vec and metapath2vec++
Experiments
23
Conclusions
Conclusions
• To address the network heterogeneity challenge, we propose the metapath2vec and metapath2vec++
methods.
• To leverage this method, we formalize the heterogeneous neighborhood function of a node, enabling the
skip-gram-based maximization of the network probability in the context of multiple types of nodes
• Finally, we achieve effective and efficient optimization by presenting a heterogeneous negative sampling
technique.
Future work
1. Face the challenge of large intermediate output data when sampling a network into a huge pile of paths, and t
identifying and optimizing the sampling space is an important direction
2. As is also the case with all metapath-based heterogeneous network mining methods, metapath2vec and
metapath2vec++ can be further improved by the automatic learning of meaningful meta-paths
3. Extending the models to incorporate the dynamics of evolving heterogeneous networks
4. Generalizing the models for different genres of heterogeneous networks

More Related Content

What's hot

Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331Jihong Kang
 
Main principles of Data Science and Machine Learning
Main principles of Data Science and Machine LearningMain principles of Data Science and Machine Learning
Main principles of Data Science and Machine LearningNikolay Karelin
 
[DL輪読会]医用画像解析におけるセグメンテーション
[DL輪読会]医用画像解析におけるセグメンテーション[DL輪読会]医用画像解析におけるセグメンテーション
[DL輪読会]医用画像解析におけるセグメンテーションDeep Learning JP
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural NetworksSeiya Tokui
 
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...Deep Learning JP
 
딥러닝을 이용한 얼굴 인식
딥러닝을 이용한 얼굴 인식딥러닝을 이용한 얼굴 인식
딥러닝을 이용한 얼굴 인식if kakao
 
SSII2021 [SS2] Deepfake Generation and Detection – An Overview (ディープフェイクの生成と検出)
SSII2021 [SS2] Deepfake Generation and Detection – An Overview (ディープフェイクの生成と検出)SSII2021 [SS2] Deepfake Generation and Detection – An Overview (ディープフェイクの生成と検出)
SSII2021 [SS2] Deepfake Generation and Detection – An Overview (ディープフェイクの生成と検出)SSII
 
Training language models to follow instructions with human feedback.pdf
Training language models to follow instructions
with human feedback.pdfTraining language models to follow instructions
with human feedback.pdf
Training language models to follow instructions with human feedback.pdfPo-Chuan Chen
 
モデルアーキテクチャ観点からの高速化2019
モデルアーキテクチャ観点からの高速化2019モデルアーキテクチャ観点からの高速化2019
モデルアーキテクチャ観点からの高速化2019Yusuke Uchida
 
Handwritten Digit Recognition
Handwritten Digit RecognitionHandwritten Digit Recognition
Handwritten Digit Recognitionijtsrd
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural NetworksPyData
 
220206 transformer interpretability beyond attention visualization
220206 transformer interpretability beyond attention visualization220206 transformer interpretability beyond attention visualization
220206 transformer interpretability beyond attention visualizationtaeseon ryu
 
2018 07 02_dense_pose
2018 07 02_dense_pose2018 07 02_dense_pose
2018 07 02_dense_poseharmonylab
 
Feature pyramid networks for object detection
Feature pyramid networks for object detection Feature pyramid networks for object detection
Feature pyramid networks for object detection heedaeKwon
 
Graph attention network - deep learning paper review
Graph attention network -  deep learning paper reviewGraph attention network -  deep learning paper review
Graph attention network - deep learning paper reviewtaeseon ryu
 
Graph Representation Learning
Graph Representation LearningGraph Representation Learning
Graph Representation LearningJure Leskovec
 
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...Universitat Politècnica de Catalunya
 
diffusion 모델부터 DALLE2까지.pdf
diffusion 모델부터 DALLE2까지.pdfdiffusion 모델부터 DALLE2까지.pdf
diffusion 모델부터 DALLE2까지.pdf수철 박
 
文献紹介:EfficientDet: Scalable and Efficient Object Detection
文献紹介:EfficientDet: Scalable and Efficient Object Detection文献紹介:EfficientDet: Scalable and Efficient Object Detection
文献紹介:EfficientDet: Scalable and Efficient Object DetectionToru Tamaki
 

What's hot (20)

Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331Recent Progress on Object Detection_20170331
Recent Progress on Object Detection_20170331
 
Main principles of Data Science and Machine Learning
Main principles of Data Science and Machine LearningMain principles of Data Science and Machine Learning
Main principles of Data Science and Machine Learning
 
[DL輪読会]医用画像解析におけるセグメンテーション
[DL輪読会]医用画像解析におけるセグメンテーション[DL輪読会]医用画像解析におけるセグメンテーション
[DL輪読会]医用画像解析におけるセグメンテーション
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural Networks
 
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
 
딥러닝을 이용한 얼굴 인식
딥러닝을 이용한 얼굴 인식딥러닝을 이용한 얼굴 인식
딥러닝을 이용한 얼굴 인식
 
SSII2021 [SS2] Deepfake Generation and Detection – An Overview (ディープフェイクの生成と検出)
SSII2021 [SS2] Deepfake Generation and Detection – An Overview (ディープフェイクの生成と検出)SSII2021 [SS2] Deepfake Generation and Detection – An Overview (ディープフェイクの生成と検出)
SSII2021 [SS2] Deepfake Generation and Detection – An Overview (ディープフェイクの生成と検出)
 
Training language models to follow instructions with human feedback.pdf
Training language models to follow instructions
with human feedback.pdfTraining language models to follow instructions
with human feedback.pdf
Training language models to follow instructions with human feedback.pdf
 
モデルアーキテクチャ観点からの高速化2019
モデルアーキテクチャ観点からの高速化2019モデルアーキテクチャ観点からの高速化2019
モデルアーキテクチャ観点からの高速化2019
 
Handwritten Digit Recognition
Handwritten Digit RecognitionHandwritten Digit Recognition
Handwritten Digit Recognition
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
 
220206 transformer interpretability beyond attention visualization
220206 transformer interpretability beyond attention visualization220206 transformer interpretability beyond attention visualization
220206 transformer interpretability beyond attention visualization
 
2018 07 02_dense_pose
2018 07 02_dense_pose2018 07 02_dense_pose
2018 07 02_dense_pose
 
Feature pyramid networks for object detection
Feature pyramid networks for object detection Feature pyramid networks for object detection
Feature pyramid networks for object detection
 
Graph attention network - deep learning paper review
Graph attention network -  deep learning paper reviewGraph attention network -  deep learning paper review
Graph attention network - deep learning paper review
 
Graph Representation Learning
Graph Representation LearningGraph Representation Learning
Graph Representation Learning
 
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
 
diffusion 모델부터 DALLE2까지.pdf
diffusion 모델부터 DALLE2까지.pdfdiffusion 모델부터 DALLE2까지.pdf
diffusion 모델부터 DALLE2까지.pdf
 
文献紹介:EfficientDet: Scalable and Efficient Object Detection
文献紹介:EfficientDet: Scalable and Efficient Object Detection文献紹介:EfficientDet: Scalable and Efficient Object Detection
文献紹介:EfficientDet: Scalable and Efficient Object Detection
 
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
 

Similar to NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation learning for heterogeneous networks", KDD 2017

NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation l...
NS-CUK Seminar:  H.B.Kim,  Review on "metapath2vec: Scalable representation l...NS-CUK Seminar:  H.B.Kim,  Review on "metapath2vec: Scalable representation l...
NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation l...ssuser4b1f48
 
network mining and representation learning
network mining and representation learningnetwork mining and representation learning
network mining and representation learningsun peiyuan
 
240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx
240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx
240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptxthanhdowork
 
Scale-Free Networks to Search in Unstructured Peer-To-Peer Networks
Scale-Free Networks to Search in Unstructured Peer-To-Peer NetworksScale-Free Networks to Search in Unstructured Peer-To-Peer Networks
Scale-Free Networks to Search in Unstructured Peer-To-Peer NetworksIOSR Journals
 
Evaluation of Different Machine.pptx
Evaluation of Different Machine.pptxEvaluation of Different Machine.pptx
Evaluation of Different Machine.pptxtariqqureshi33
 
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
 
New prediction method for data spreading in social networks based on machine ...
New prediction method for data spreading in social networks based on machine ...New prediction method for data spreading in social networks based on machine ...
New prediction method for data spreading in social networks based on machine ...TELKOMNIKA JOURNAL
 
An Efficient Parallel Algorithm for Secured Data Communication Using RSA Publ...
An Efficient Parallel Algorithm for Secured Data Communication Using RSA Publ...An Efficient Parallel Algorithm for Secured Data Communication Using RSA Publ...
An Efficient Parallel Algorithm for Secured Data Communication Using RSA Publ...Harshal Solao
 
A DYNAMIC ROUTE DISCOVERY SCHEME FOR HETEROGENEOUS WIRELESS SENSOR NETWORKS B...
A DYNAMIC ROUTE DISCOVERY SCHEME FOR HETEROGENEOUS WIRELESS SENSOR NETWORKS B...A DYNAMIC ROUTE DISCOVERY SCHEME FOR HETEROGENEOUS WIRELESS SENSOR NETWORKS B...
A DYNAMIC ROUTE DISCOVERY SCHEME FOR HETEROGENEOUS WIRELESS SENSOR NETWORKS B...csandit
 
Easing embedding learning by comprehensive transcription of heterogeneous inf...
Easing embedding learning by comprehensive transcription of heterogeneous inf...Easing embedding learning by comprehensive transcription of heterogeneous inf...
Easing embedding learning by comprehensive transcription of heterogeneous inf...paper_reader
 
On Using Network Science in Mining Developers Collaboration in Software Engin...
On Using Network Science in Mining Developers Collaboration in Software Engin...On Using Network Science in Mining Developers Collaboration in Software Engin...
On Using Network Science in Mining Developers Collaboration in Software Engin...IJDKP
 
On Using Network Science in Mining Developers Collaboration in Software Engin...
On Using Network Science in Mining Developers Collaboration in Software Engin...On Using Network Science in Mining Developers Collaboration in Software Engin...
On Using Network Science in Mining Developers Collaboration in Software Engin...IJDKP
 
Network Lifespan Maximization For Wireless Sensor Networks Using Nature-Inspi...
Network Lifespan Maximization For Wireless Sensor Networks Using Nature-Inspi...Network Lifespan Maximization For Wireless Sensor Networks Using Nature-Inspi...
Network Lifespan Maximization For Wireless Sensor Networks Using Nature-Inspi...IOSR Journals
 
Discover How Scientific Data is Used for the Public Good with Natural Languag...
Discover How Scientific Data is Used for the Public Good with Natural Languag...Discover How Scientific Data is Used for the Public Good with Natural Languag...
Discover How Scientific Data is Used for the Public Good with Natural Languag...BaoTramDuong2
 
=Acs07 tania experim= copy
=Acs07 tania experim= copy=Acs07 tania experim= copy
=Acs07 tania experim= copyLaura Cruz Reyes
 

Similar to NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation learning for heterogeneous networks", KDD 2017 (20)

NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation l...
NS-CUK Seminar:  H.B.Kim,  Review on "metapath2vec: Scalable representation l...NS-CUK Seminar:  H.B.Kim,  Review on "metapath2vec: Scalable representation l...
NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation l...
 
network mining and representation learning
network mining and representation learningnetwork mining and representation learning
network mining and representation learning
 
240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx
240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx
240325_JW_labseminar[node2vec: Scalable Feature Learning for Networks].pptx
 
Scale-Free Networks to Search in Unstructured Peer-To-Peer Networks
Scale-Free Networks to Search in Unstructured Peer-To-Peer NetworksScale-Free Networks to Search in Unstructured Peer-To-Peer Networks
Scale-Free Networks to Search in Unstructured Peer-To-Peer Networks
 
PhD Defense
PhD DefensePhD Defense
PhD Defense
 
Evaluation of Different Machine.pptx
Evaluation of Different Machine.pptxEvaluation of Different Machine.pptx
Evaluation of Different Machine.pptx
 
Introduction_PPT.pptx
Introduction_PPT.pptxIntroduction_PPT.pptx
Introduction_PPT.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 ...
 
New prediction method for data spreading in social networks based on machine ...
New prediction method for data spreading in social networks based on machine ...New prediction method for data spreading in social networks based on machine ...
New prediction method for data spreading in social networks based on machine ...
 
Hou_Resume
Hou_ResumeHou_Resume
Hou_Resume
 
An Efficient Parallel Algorithm for Secured Data Communication Using RSA Publ...
An Efficient Parallel Algorithm for Secured Data Communication Using RSA Publ...An Efficient Parallel Algorithm for Secured Data Communication Using RSA Publ...
An Efficient Parallel Algorithm for Secured Data Communication Using RSA Publ...
 
A DYNAMIC ROUTE DISCOVERY SCHEME FOR HETEROGENEOUS WIRELESS SENSOR NETWORKS B...
A DYNAMIC ROUTE DISCOVERY SCHEME FOR HETEROGENEOUS WIRELESS SENSOR NETWORKS B...A DYNAMIC ROUTE DISCOVERY SCHEME FOR HETEROGENEOUS WIRELESS SENSOR NETWORKS B...
A DYNAMIC ROUTE DISCOVERY SCHEME FOR HETEROGENEOUS WIRELESS SENSOR NETWORKS B...
 
Easing embedding learning by comprehensive transcription of heterogeneous inf...
Easing embedding learning by comprehensive transcription of heterogeneous inf...Easing embedding learning by comprehensive transcription of heterogeneous inf...
Easing embedding learning by comprehensive transcription of heterogeneous inf...
 
On Using Network Science in Mining Developers Collaboration in Software Engin...
On Using Network Science in Mining Developers Collaboration in Software Engin...On Using Network Science in Mining Developers Collaboration in Software Engin...
On Using Network Science in Mining Developers Collaboration in Software Engin...
 
On Using Network Science in Mining Developers Collaboration in Software Engin...
On Using Network Science in Mining Developers Collaboration in Software Engin...On Using Network Science in Mining Developers Collaboration in Software Engin...
On Using Network Science in Mining Developers Collaboration in Software Engin...
 
LatentCross.pdf
LatentCross.pdfLatentCross.pdf
LatentCross.pdf
 
Network Lifespan Maximization For Wireless Sensor Networks Using Nature-Inspi...
Network Lifespan Maximization For Wireless Sensor Networks Using Nature-Inspi...Network Lifespan Maximization For Wireless Sensor Networks Using Nature-Inspi...
Network Lifespan Maximization For Wireless Sensor Networks Using Nature-Inspi...
 
Network Science: Theory, Modeling and Applications
Network Science: Theory, Modeling and ApplicationsNetwork Science: Theory, Modeling and Applications
Network Science: Theory, Modeling and Applications
 
Discover How Scientific Data is Used for the Public Good with Natural Languag...
Discover How Scientific Data is Used for the Public Good with Natural Languag...Discover How Scientific Data is Used for the Public Good with Natural Languag...
Discover How Scientific Data is Used for the Public Good with Natural Languag...
 
=Acs07 tania experim= copy
=Acs07 tania experim= copy=Acs07 tania experim= copy
=Acs07 tania experim= copy
 

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: 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
 
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.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: 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...
 
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.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

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
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Mattias Andersson
 
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsSnow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsHyundai Motor Group
 
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
 
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
 
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 pragmaticsAndrey Dotsenko
 
costume and set research powerpoint presentation
costume and set research powerpoint presentationcostume and set research powerpoint presentation
costume and set research powerpoint presentationphoebematthew05
 
Bluetooth Controlled Car with Arduino.pdf
Bluetooth Controlled Car with Arduino.pdfBluetooth Controlled Car with Arduino.pdf
Bluetooth Controlled Car with Arduino.pdfngoud9212
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions
 
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
 
"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
 
My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024The Digital Insurer
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupFlorian Wilhelm
 
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
 
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
 
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024BookNet Canada
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxnull - The Open Security Community
 

Recently uploaded (20)

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
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?
 
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsSnow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
 
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...
 
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
 
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
 
costume and set research powerpoint presentation
costume and set research powerpoint presentationcostume and set research powerpoint presentation
costume and set research powerpoint presentation
 
Bluetooth Controlled Car with Arduino.pdf
Bluetooth Controlled Car with Arduino.pdfBluetooth Controlled Car with Arduino.pdf
Bluetooth Controlled Car with Arduino.pdf
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping Elbows
 
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)
 
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptxE-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
 
"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...
 
My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project Setup
 
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
 
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
 
DMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special EditionDMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special Edition
 
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
 

NS-CUK Seminar: H.B.Kim, Review on "metapath2vec: Scalable representation learning for heterogeneous networks", KDD 2017

  • 1. Ho-Beom Kim Network Science Lab Dept. of Mathematics The Catholic University of Korea E-mail: hobeom2001@catholic.ac.kr 2023 / 07 / 24 DONG, Yuxiao; CHAWLA, Nitesh V.; SWAMI, Ananthram. ACM SIGKDD
  • 2. 2 Introduction Problem Statements • Neural network-based learning models can represent latent embeddings that capture the internal relations of rich, complex data across various modalities, such as image, audio, and language. • Social and information networks are similarly rich and complex data that encode the dynamics and types of human interactions, and are similarly amenable to representation learning using neural networks. • Recent research publications have proposed word2vec-based network representation learning frameworks • DeepWalk, LINE, node2vec → These work has far focused on representation learning for homogeneous networks-representative of singular type of nodes and relationships. • A large number of social and information networks are heterogeneous in nature, involving diversity of node types and/or relationships between nodes
  • 3. 3 Introduction Problem Statements • The aforementioned works commonly concentrate more on user behaviors of recent times → They are not capable of fully mining older behavior-sequences to accurately estimate their current interests. • There two major challenges in sequential recommendation that have not been well-addressed so far 1. User behaviors in long sequences reflect implicit and noisy preference signals 2. User preferences are always drifting over time due to their diversity  To address these two challenges, they propose a graph-based method with graph convolutional networks to extract implicit preference signals  Sequence  Graph  Design a attentive graph convolutional network  Dynamic pooling technique
  • 4. 4 Introduction Contributions • They approach sequential recommendation from a new perspective by taking into consideration the implicit-signal behaviors and fast-changing preferences • They Propose to aggregate implicit signals into explicit ones from user behaviors by designing graph neural network-based models on constructed item-item interest graphs. Then they design dynamic-pooling for filtering and reserving activated core preferences for recommendation • They conduct extensive experiments on two large-scale datasets collected from real-world applications. The experimental results show significant performance improvements compared with the state-of-the-art methods of sequential recommendation. Further studies also verify that our method can model long behavioral sequences effectively and efficiently
  • 5. 5 Introduction Problem Formulation • They approach sequential recommendation from a new perspective by taking into consideration the implicit-signal behaviors and fast-changing preferences • They Propose to aggregate implicit signals into explicit ones from user behaviors by designing graph neural network-based models on constructed item-item interest graphs. Then they design dynamic-pooling for filtering and reserving activated core preferences for recommendation • They conduct extensive experiments on two large-scale datasets collected from real-world applications. The experimental results show significant performance improvements compared with the state-of-the-art methods of sequential recommendation. Further studies also verify that our method can model long behavioral sequences effectively and efficiently
  • 6. 6 Problem Definition Definition A : authors P : papers V : venues O : organizations → Nodes A-A : coauthor A-P,P-V : publish O-A : affiliation
  • 7. 7 Problem Definition Problem1 : Heterogeneous Network Representation Learning • The task is to learn the d-dimensional latent representations X ∈ ℝ 𝑉 X𝑑 , 𝑑 ≪ 𝑉 that are able to capture the structural and semantic relations among them • The output : the low-dimensional matrix X with the vth row-a d-dimensional vector 𝑋𝑣-corresponding to the representation of node v • There are different types of nodes in V  their representations are mapped into the same latent space • The learned node representations can benefit embedding vector of each node can be used as the feature input of node classification, clustering, and similarity search tasks • The main challenge of this problem comes from the network heterogeneity, wherein it is difficult to directly apply homogeneous language and network embedding methods • The premise of network embedding models is to preserve the proximity between a anode and its neighborhood.
  • 8. 8 Related Works PTE • Fist learns a low dimensional embedding for words through a heterogeneous text network. • The network encodes different levels of co-occurrence information between words and words, words and documents, and words and labels. • The network is embedded into a low dimensional vector space that preserves the second-order proximity between the vertices in the network. • Proposed to learn predictive text embeddings in a semi-supervised manner. • Unlabeled data and labeled information are integrated into a heterogeneous text network which incorporates different levels of cooccurrence information in text • Propose PTE, which learns a distributed representation of text through embedding the heterogeneous text network into a low dimensional space • PTE uses the average value of word embeddings • PTE considers the linear relationship between words and labels
  • 9. 9 Related Works PTE • Deep neural networks fully leverage labeled information that is available for a task when they learn the representations of the data • Most text embedding methods are not able to consider labeled information when learning the representations • Previous embedding models using unsupervised text embeddings → Generalizable for different tasks but have a weaker predictive power for a particular task • Text embedding methods are much more efficient, are much easier to tune, and naturally accommodate unlabeled data
  • 10. 10 Methodology Heterogeneous Network Embedding: metapath2vec 𝑙𝑜𝑔𝜎 𝑋𝑐𝑡 ∙ 𝑋𝑣 + 𝑚=1 𝑀 𝔼𝑢𝑚~𝑝(𝑢) 𝑙𝑜𝑔𝜎(−𝑋𝑢𝑚 ∙ 𝑋𝑣) 𝑝(𝑢) : pre-defined distribution
  • 13. 13 Experimental Setup Experiments The number of walks per node : 1000; The walk length l : 1000; The vector dimension d: 128 (LINE: 128 for each order); The neighborhood size k: 7; The size of negative samples: 5
  • 14. 14 Multi-class venue node classification results in Aminer data Experiments
  • 15. 15 Multi-class author node classification results in AMiner data Experiments
  • 16. 16 Parameter sensitivity in multi-class node classification Experiments
  • 17. 17 Node clustering results in AMiner data Experiments
  • 18. 18 Parameter sensitivity in clustering Experiments
  • 19. 19 Case study of similarity search in AMiner Data Experiments
  • 20. 20 Case study of similarity search in DBIS Data Experiments
  • 21. 21 2D t-SNE projections of the 128D embeddings of 48 CS venues, three each from 16 sub-fields Experiments
  • 22. 22 Scalability of metapaath2vec and metapath2vec++ Experiments
  • 23. 23 Conclusions Conclusions • To address the network heterogeneity challenge, we propose the metapath2vec and metapath2vec++ methods. • To leverage this method, we formalize the heterogeneous neighborhood function of a node, enabling the skip-gram-based maximization of the network probability in the context of multiple types of nodes • Finally, we achieve effective and efficient optimization by presenting a heterogeneous negative sampling technique. Future work 1. Face the challenge of large intermediate output data when sampling a network into a huge pile of paths, and t identifying and optimizing the sampling space is an important direction 2. As is also the case with all metapath-based heterogeneous network mining methods, metapath2vec and metapath2vec++ can be further improved by the automatic learning of meaningful meta-paths 3. Extending the models to incorporate the dynamics of evolving heterogeneous networks 4. Generalizing the models for different genres of heterogeneous networks

Editor's Notes

  1. Nt(v) : v’s neighborhood with the tth type of nodes P : a softmax function p(ct|v; θ) = exp(Xct · Xv) / Σu∈V exp(Xu · Xv) Xv is the v th row of X Given a negative sample size M σ (x) = 1 / (1 + exp(-x)) and P(u) is the pre-defined distribution Metapath2vec builds the node frequency distribution by viewing different types of nodes homogeneously and draws (negative) nodes regardless of their types. 한 저자 노드 a4의 이웃은 다른 저자들 (예: a2, a3 및 a5), 학회 (예: ACL 및 KDD), 기관 (CMU 및 MIT)뿐만 아니라 논문들 (예: p2 및 p3)과도 구조적으로 가까울 수 있습니다. 메타패스투벡스는 다른 유형의 노드를 동질적으로 간주하여 노드 빈도 분포를 구성하고, 노드의 유형과 상관없이 (부정적인) 노드를 뽑아냅니다.
  2. we can put random walkers in a heterogeneous network to generate paths of multiple types of nodes. At step i, the transition probability p(v i+1 |v i ) is denoted as the normalized probability distributed over the neighbors of v i by ignoring their node types. In light of these issues, we design meta-path-based random walks to generate paths that are able to capture both the semantic and structural correlations between di‚erent types of nodes, facilitating the transformation of heterogeneous network structures into metapath2vec’s skip-gram. a meta-path scheme P is defined as a path that is denoted in the form of V1 R1 −−→ V2 R2 −−→ · · ·Vt Rt −−→ Vt+1 · · · Rl−1 −−−−→ Vl , R = R1 ◦ R2 ◦ · · · ◦ Rl−1 de€nes the composite relations between node types V1 and Vl
  3. gradients are derived Ict [u m t ] is an indicator function to indicate whether u m t is the neighborhood context node ct and when m = 0, u 0 t = ct . The model is optimized by using stochastic gradient descent algorithm.
  4. In metapath2vec, metapath2vec++, They need to specify the meta-path scheme to guide random walks
  5. When predicting for the venue category, the advantage of both metapath2vec and metapath2vec++ are particular strong given a small size of training data. The advantage of the proposed methods lies in their proper consideration and accommodation of the network heterogeneity challenge—the existence of multiple types of nodes and relations
  6. Figure 3 shows the classification results as a function of one chosen parameter when the others are controlled for.
  7. we leverage the k-means algorithm to cluster the data and evaluate the clustering results in terms of normalized mutual information (NMI) experiments are conducted 10 times and the average performance is reported.\ metapath2vec and metapath2vec++ generate more appropriate embeddings for di‚erent types of nodes in the network than comparative baselines, suggesting their ability to capture and incorporate the underlying structural and semantic relationships between various types of nodes in heterogeneous networks.
  8. Further, di‚erent from the positive e‚ect of increasing w and l on author clustering, d and k are negatively correlated with the author clustering performance, as observed from Figures 4(c) and 4(d) Similarly, the venue clustering performance also shows an descending trend with an increasing d, while on the other hand, we observe a €rst-increasing and then-decreasing NMI line when k is increased. Both €gures together imply that d = 128 and k = 7 are capable of embedding heterogeneous nodes into latent space for promising clustering outcome.
  9. Table 5 lists the top ten similar results for querying the 16 leading conferences in corresponding computer science sub-fields for the query “ACL”, for example, metapath2vec++ returns venues with the same focus—natural language processing, such as EMNLP (1st ), NAACL (2nd ), Computational Linguistics (3r d ), CoNLL (4th), COLING (5th) Similar performance can be also achieved when querying the other conferences from various fields we find that in most cases, the top three results cover venues with similar prestige to the query one Similar results can also be observed in Tables 6 which show the similarity search results for the DBIS network.
  10. , Figure 5 visualizes the latent vectors—learned by metapath2vec++—of 48 venues used in similarity search of Section 4.4, three each from 16 sub-€elds. We can see that conferences from the same domain are geographically grouped to each other and each group is well separated from others, further demonstrating the embedding ability of metapath2vec++.
  11. Figure 6 shows the speedup of metapath2vec & metapath2vec++ over the single-threaded case Optimal speedup performance is denoted by the dashed y = x line, which represents perfect distribution and execution