SlideShare une entreprise Scribd logo
1  sur  27
Télécharger pour lire hors ligne
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
June 17, 2017 ICLR @DeNA
Eiji Sekiya
AI Research and Development Gr.
AI System Dept. 

DeNA Co., Ltd.
1
h"ps://openreview.net/pdf?id=SJU4ayYgl
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
•
• (@eratostennis)
•
• Master
• DeNA (2014)
• : (~2016)
• Hadoop, Vertica
• : (2016~)
•
• GameAI
2
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Abstract
• Semi-supervised learning on graph-structured data
• Localized first-order approximation of spectral graph
• :
•
•
3
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Agenda
• Introduction
• Related Work
• Fast Approximate Convolutions on Graphs
• Semi-Supervised Node Classification
• Experiments
• Results
• Conclusion
4
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Relation to Weisfeiler-Lehman Algorithm
• WL-1
• Hash Neural Network
5
hash
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Node Embeddings with Random Weights
6
output 2
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Semi-Supervised Node Embeddings
• 4 1
7
:	h"p://tkipf.github.io/graph-convoluDonal-networks/
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Related Work
• Graph-Based Semi-Supervised Learning
• Graph Laplacian regularization
• Label Propagation (Zhu et al., 2003)
• Manifold Regularization (Belkin et al., 2006)
• Graph embedding-based
• DeepWalk (Perozzi et al., 2014)
• Planetoid (Yang et al., 2016)
8
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Related Work (DeepWalk: Perozzi et al., 2014)
•
• SkipGram embedding
• Random Walk
9
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Related Work
• Graph-Based Semi-Supervised Learning
• Graph Laplacian regularization
• Label Propagation (Zhu et al., 2003)
• Manifold Regularization (Belkin et al., 2006)
• Graph embedding-based
• DeepWalk (Perozzi et al., 2014)
• Planetoid (Yang et al., 2016)
• Neural Networks on Graphs ( )
• Spectral graph convolutional neural network (Bruna et al., 2014)
• Fast localized convolution (Defferrard et al., 2016)
10
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Graph-Based Semi-Supervised Learning
• (citation network ) (documents)
•
•
•
• encode
•
11
Neural Networks on Graph
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Multi-layer Graph Convolutional Network (GCN)
•
•
•
•
12
Contribution
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Spectral Graph Convolutions
• Convolution with filter
• :
•
• …(Hammond at el., 2011)
•
• ( )
13
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Spectral Graph Convolutions (Defferrad at el., 2016)
• Graph Convolution ( , )
• K K
• :
•
14
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Layer-Wise Linear Model (Contribution)
• K=1 …
• k k
•
• Renormalization Trick ( )
• Input C, F …
•
15
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Semi-Supervised Node Classification
• Forward Model ( )
• Cross-Entropy:
16
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Experiments (Dataset)
• (Citeseer, Cora, Pubmed)
• Sparse bag-of-words feature vectors for each document
• a list of citation links between documents
• (NELL)
• A set of entities connected with directed, labeled edges
• Random Graph
• A dataset with N nodes we create a random graph assigning 2N edges
uniformly at random
17
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Experiments (Setup)
•
• 2 GCN
•
• Prediction Accuracy
• 1000
•
• 500
• Dropout rate, L2 regularization factor, Number of hidden units
• Cora Citeseer Pubmed
18
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Experiments (Baseline)
• Baseline
• Label Propagation (LP)
• Semi-supervised embedding (SemiEmb)
• Manifold regularization (ManiReg)
• Skip-gram based graph embeddings (DeepWalk)
• Iterative classification algorithm (ICA)
• Planetoid
19
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Results (Semi-Supervised Node Classification)
• Results for all other baseline methods are taken from the Planetoid paper
• Environment
• The same hardware as planetoid
20
Training	Dme		
in	seconds		
unDl	convergence
• Compare different variants of our proposed per-layer propagation model
on the citation network datasets
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Results (Evaluation Propagation Model)
21
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Results (Training Time per Epoch)
• The mean training time per epoch for 100 epochs on simulated random
graphs
22
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Experiments on Model Depth
• Residual connections
• 2, 3
• 7 …
• residual connections
•
23
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Discussion
• Keypoints
• Overcome both limitations
• Graph-Laplacian regularization
• Edges encode mere similarity of nodes
• Skip-gram based methods
• Limited by the fact that they are based on a multi-step pipeline
which difficult to optimize
• Findings
• Propagation from neighboring nodes improves classification
performance
• Proposed renormalized propagation model offers both improved
efficiency
24
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Future Work
• Memory Requirement
• Full-batch gradient descent
• Grows linearly in the size of the dataset
• Mini-batch stochastic gradient descent can alleviate this issue
• Directed edges and edge features
• Limited to undirected graph
• NELL show it is possible to handle
• By representing the original directed graph as an undirected bipartite
graph
• Limiting assumptions
• Locality
• dependence on the Kth-order neighborhood for a GCN with K layers
• Equal importance of self-connections vs. edges to neighboring nodes 25
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Reference
• Graph Semi-Supervised Learning
• Xiaojin Zhu, Zoubin Ghahramani, and John Lafferty. Semi-supervised learning using
gaussian fields and harmonic functions. In International Conference on Machine Learning
(ICML), volume 3, pp. 912–919, 2003.
• Mikhail Belkin, Partha Niyogi, and Vikas Sindhwani. Manifold regularization: A geometric
frame- work for learning from labeled and unlabeled examples. Journal of machine learning
research (JMLR), 7(Nov):2399–2434, 2006.
• JasonWeston,Fre ́de ́ricRatle,HosseinMobahi,andRonanCollobert. Deeplearningviasemi-
supervised embedding. In Neural Networks: Tricks of the Trade, pp. 639–655. Springer,
2012.
• Tomas Mikolov, Ilya Sutskever, Kai Chen, Greg S. Corrado, and Jeff Dean. Distributed
repre- sentations of words and phrases and their compositionality. In Advances in neural
information processing systems (NIPS), pp. 3111–3119, 2013.
• Bryan Perozzi, Rami Al-Rfou, and Steven Skiena. Deepwalk: Online learning of social
repre- sentations. In Proceedings of the 20th ACM SIGKDD international conference on
Knowledge discovery and data mining, pp. 701–710. ACM, 2014.
• Zhilin Yang, William Cohen, and Ruslan Salakhutdinov. Revisiting semi-supervised learning
with graph embeddings. In International Conference on Machine Learning (ICML), 2016.
26
Copyright (C) DeNA Co.,Ltd. All Rights Reserved.
Reference
• Dataset & Pre-Processing
• Prithviraj Sen, Galileo Namata, Mustafa Bilgic, Lise Getoor, Brian Galligher, and Tina
Eliassi-Rad. Collective classification in network data. AI magazine, 29(3):93, 2008.
• Andrew Carlson, Justin Betteridge, Bryan Kisiel, Burr Settles, Estevam R. Hruschka Jr, and
Tom M. Mitchell. Toward an architecture for never-ending language learning. In AAAI,
volume 5, pp. 3, 2010.
• Zhilin Yang, William Cohen, and Ruslan Salakhutdinov. Revisiting semi-supervised learning
with graph embeddings. In International Conference on Machine Learning (ICML), 2016.
• Website
• http://tkipf.github.io/graph-convolutional-networks/
• Implementation
• https://github.com/tkipf/gcn
27

Contenu connexe

Tendances

High Dimensional Data Visualization using t-SNE
High Dimensional Data Visualization using t-SNEHigh Dimensional Data Visualization using t-SNE
High Dimensional Data Visualization using t-SNEKai-Wen Zhao
 
How Powerful are Graph Networks?
How Powerful are Graph Networks?How Powerful are Graph Networks?
How Powerful are Graph Networks?IAMAl
 
Cheatsheet deep-learning
Cheatsheet deep-learningCheatsheet deep-learning
Cheatsheet deep-learningSteve Nouri
 
Visualization using tSNE
Visualization using tSNEVisualization using tSNE
Visualization using tSNEYan Xu
 
Building Real-Time BI Systems with Kafka, Spark, and Kudu: Spark Summit East ...
Building Real-Time BI Systems with Kafka, Spark, and Kudu: Spark Summit East ...Building Real-Time BI Systems with Kafka, Spark, and Kudu: Spark Summit East ...
Building Real-Time BI Systems with Kafka, Spark, and Kudu: Spark Summit East ...Spark Summit
 
Graph Convolutional Neural Networks
Graph Convolutional Neural Networks Graph Convolutional Neural Networks
Graph Convolutional Neural Networks 신동 강
 
Graph convolutional matrix completion
Graph convolutional  matrix completionGraph convolutional  matrix completion
Graph convolutional matrix completionpko89403
 
Introduction to 3D Computer Vision and Differentiable Rendering
Introduction to 3D Computer Vision and Differentiable RenderingIntroduction to 3D Computer Vision and Differentiable Rendering
Introduction to 3D Computer Vision and Differentiable RenderingPreferred Networks
 
Optimization/Gradient Descent
Optimization/Gradient DescentOptimization/Gradient Descent
Optimization/Gradient Descentkandelin
 
Map reduce presentation
Map reduce presentationMap reduce presentation
Map reduce presentationateeq ateeq
 
Image-to-Image Translation
Image-to-Image TranslationImage-to-Image Translation
Image-to-Image TranslationJunho Kim
 
Distributed deep learning
Distributed deep learningDistributed deep learning
Distributed deep learningMehdi Shibahara
 
ShuffleNet - PR054
ShuffleNet - PR054ShuffleNet - PR054
ShuffleNet - PR054Jinwon Lee
 
Pose estimation from RGB images by deep learning
Pose estimation from RGB images by deep learningPose estimation from RGB images by deep learning
Pose estimation from RGB images by deep learningYu Huang
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkYan Xu
 
Map reduce in BIG DATA
Map reduce in BIG DATAMap reduce in BIG DATA
Map reduce in BIG DATAGauravBiswas9
 
Graph kernels
Graph kernelsGraph kernels
Graph kernelsLuc Brun
 
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...Taegyun Jeon
 
Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)
Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)
Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)Universitat Politècnica de Catalunya
 

Tendances (20)

High Dimensional Data Visualization using t-SNE
High Dimensional Data Visualization using t-SNEHigh Dimensional Data Visualization using t-SNE
High Dimensional Data Visualization using t-SNE
 
How Powerful are Graph Networks?
How Powerful are Graph Networks?How Powerful are Graph Networks?
How Powerful are Graph Networks?
 
Cheatsheet deep-learning
Cheatsheet deep-learningCheatsheet deep-learning
Cheatsheet deep-learning
 
Gnn overview
Gnn overviewGnn overview
Gnn overview
 
Visualization using tSNE
Visualization using tSNEVisualization using tSNE
Visualization using tSNE
 
Building Real-Time BI Systems with Kafka, Spark, and Kudu: Spark Summit East ...
Building Real-Time BI Systems with Kafka, Spark, and Kudu: Spark Summit East ...Building Real-Time BI Systems with Kafka, Spark, and Kudu: Spark Summit East ...
Building Real-Time BI Systems with Kafka, Spark, and Kudu: Spark Summit East ...
 
Graph Convolutional Neural Networks
Graph Convolutional Neural Networks Graph Convolutional Neural Networks
Graph Convolutional Neural Networks
 
Graph convolutional matrix completion
Graph convolutional  matrix completionGraph convolutional  matrix completion
Graph convolutional matrix completion
 
Introduction to 3D Computer Vision and Differentiable Rendering
Introduction to 3D Computer Vision and Differentiable RenderingIntroduction to 3D Computer Vision and Differentiable Rendering
Introduction to 3D Computer Vision and Differentiable Rendering
 
Optimization/Gradient Descent
Optimization/Gradient DescentOptimization/Gradient Descent
Optimization/Gradient Descent
 
Map reduce presentation
Map reduce presentationMap reduce presentation
Map reduce presentation
 
Image-to-Image Translation
Image-to-Image TranslationImage-to-Image Translation
Image-to-Image Translation
 
Distributed deep learning
Distributed deep learningDistributed deep learning
Distributed deep learning
 
ShuffleNet - PR054
ShuffleNet - PR054ShuffleNet - PR054
ShuffleNet - PR054
 
Pose estimation from RGB images by deep learning
Pose estimation from RGB images by deep learningPose estimation from RGB images by deep learning
Pose estimation from RGB images by deep learning
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Map reduce in BIG DATA
Map reduce in BIG DATAMap reduce in BIG DATA
Map reduce in BIG DATA
 
Graph kernels
Graph kernelsGraph kernels
Graph kernels
 
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
[PR12] PR-050: Convolutional LSTM Network: A Machine Learning Approach for Pr...
 
Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)
Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)
Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)
 

En vedette

言葉のもつ広がりを、モデルの学習に活かそう -one-hot to distribution in language modeling-
言葉のもつ広がりを、モデルの学習に活かそう -one-hot to distribution in language modeling-言葉のもつ広がりを、モデルの学習に活かそう -one-hot to distribution in language modeling-
言葉のもつ広がりを、モデルの学習に活かそう -one-hot to distribution in language modeling-Takahiro Kubo
 
ICLR2017読み会 Data Noising as Smoothing in Neural Network Language Models @Dena
ICLR2017読み会 Data Noising as Smoothing in Neural Network Language Models @DenaICLR2017読み会 Data Noising as Smoothing in Neural Network Language Models @Dena
ICLR2017読み会 Data Noising as Smoothing in Neural Network Language Models @DenaTakanori Nakai
 
ICLR読み会 奥村純 20170617
ICLR読み会 奥村純 20170617ICLR読み会 奥村純 20170617
ICLR読み会 奥村純 20170617Jun Okumura
 
[ICLR2017読み会 @ DeNA] ICLR2017紹介
[ICLR2017読み会 @ DeNA] ICLR2017紹介[ICLR2017読み会 @ DeNA] ICLR2017紹介
[ICLR2017読み会 @ DeNA] ICLR2017紹介Takeru Miyato
 
エフェクト用 Shader 機能紹介
エフェクト用 Shader 機能紹介エフェクト用 Shader 機能紹介
エフェクト用 Shader 機能紹介Hajime Sanno
 
エンジニアがデザインやってみた @ Aimning MeetUp 2017/10
エンジニアがデザインやってみた @ Aimning MeetUp 2017/10エンジニアがデザインやってみた @ Aimning MeetUp 2017/10
エンジニアがデザインやってみた @ Aimning MeetUp 2017/10Hidenori Doi
 
エフェクトにしっかり色を付ける方法
エフェクトにしっかり色を付ける方法エフェクトにしっかり色を付ける方法
エフェクトにしっかり色を付ける方法kmasaki
 
当たり前を当たり前に:Agile2017レポート
当たり前を当たり前に:Agile2017レポート当たり前を当たり前に:Agile2017レポート
当たり前を当たり前に:Agile2017レポートLINE Corporation
 
共変戻り値型って知ってますか?
共変戻り値型って知ってますか?共変戻り値型って知ってますか?
共変戻り値型って知ってますか?Ryota Murohoshi
 
Node and Micro-Services at IBM
Node and Micro-Services at IBMNode and Micro-Services at IBM
Node and Micro-Services at IBMDejan Glozic
 
Effective web performance tuning for smartphone
Effective web performance tuning for smartphoneEffective web performance tuning for smartphone
Effective web performance tuning for smartphonedena_study
 
RのffでGLMしてみたけど...
RのffでGLMしてみたけど...RのffでGLMしてみたけど...
RのffでGLMしてみたけど...Kazuya Wada
 
Googleのインフラ技術から考える理想のDevOps
Googleのインフラ技術から考える理想のDevOpsGoogleのインフラ技術から考える理想のDevOps
Googleのインフラ技術から考える理想のDevOpsEtsuji Nakai
 
ディープボルツマンマシン入門
ディープボルツマンマシン入門ディープボルツマンマシン入門
ディープボルツマンマシン入門Saya Katafuchi
 
PRML上巻勉強会 at 東京大学 資料 第4章4.3.1 〜 4.5.2
PRML上巻勉強会 at 東京大学 資料 第4章4.3.1 〜 4.5.2PRML上巻勉強会 at 東京大学 資料 第4章4.3.1 〜 4.5.2
PRML上巻勉強会 at 東京大学 資料 第4章4.3.1 〜 4.5.2Hiroyuki Kato
 
FINAL FANTASY Record Keeper の作り方
FINAL FANTASY Record Keeper の作り方FINAL FANTASY Record Keeper の作り方
FINAL FANTASY Record Keeper の作り方dena_study
 

En vedette (20)

言葉のもつ広がりを、モデルの学習に活かそう -one-hot to distribution in language modeling-
言葉のもつ広がりを、モデルの学習に活かそう -one-hot to distribution in language modeling-言葉のもつ広がりを、モデルの学習に活かそう -one-hot to distribution in language modeling-
言葉のもつ広がりを、モデルの学習に活かそう -one-hot to distribution in language modeling-
 
医療データ解析界隈から見たICLR2017
医療データ解析界隈から見たICLR2017医療データ解析界隈から見たICLR2017
医療データ解析界隈から見たICLR2017
 
ICLR2017読み会 Data Noising as Smoothing in Neural Network Language Models @Dena
ICLR2017読み会 Data Noising as Smoothing in Neural Network Language Models @DenaICLR2017読み会 Data Noising as Smoothing in Neural Network Language Models @Dena
ICLR2017読み会 Data Noising as Smoothing in Neural Network Language Models @Dena
 
170614 iclr reading-public
170614 iclr reading-public170614 iclr reading-public
170614 iclr reading-public
 
Q prop
Q propQ prop
Q prop
 
ICLR読み会 奥村純 20170617
ICLR読み会 奥村純 20170617ICLR読み会 奥村純 20170617
ICLR読み会 奥村純 20170617
 
[ICLR2017読み会 @ DeNA] ICLR2017紹介
[ICLR2017読み会 @ DeNA] ICLR2017紹介[ICLR2017読み会 @ DeNA] ICLR2017紹介
[ICLR2017読み会 @ DeNA] ICLR2017紹介
 
エフェクト用 Shader 機能紹介
エフェクト用 Shader 機能紹介エフェクト用 Shader 機能紹介
エフェクト用 Shader 機能紹介
 
エンジニアがデザインやってみた @ Aimning MeetUp 2017/10
エンジニアがデザインやってみた @ Aimning MeetUp 2017/10エンジニアがデザインやってみた @ Aimning MeetUp 2017/10
エンジニアがデザインやってみた @ Aimning MeetUp 2017/10
 
エフェクトにしっかり色を付ける方法
エフェクトにしっかり色を付ける方法エフェクトにしっかり色を付ける方法
エフェクトにしっかり色を付ける方法
 
当たり前を当たり前に:Agile2017レポート
当たり前を当たり前に:Agile2017レポート当たり前を当たり前に:Agile2017レポート
当たり前を当たり前に:Agile2017レポート
 
共変戻り値型って知ってますか?
共変戻り値型って知ってますか?共変戻り値型って知ってますか?
共変戻り値型って知ってますか?
 
Node and Micro-Services at IBM
Node and Micro-Services at IBMNode and Micro-Services at IBM
Node and Micro-Services at IBM
 
Effective web performance tuning for smartphone
Effective web performance tuning for smartphoneEffective web performance tuning for smartphone
Effective web performance tuning for smartphone
 
RのffでGLMしてみたけど...
RのffでGLMしてみたけど...RのffでGLMしてみたけど...
RのffでGLMしてみたけど...
 
Googleのインフラ技術から考える理想のDevOps
Googleのインフラ技術から考える理想のDevOpsGoogleのインフラ技術から考える理想のDevOps
Googleのインフラ技術から考える理想のDevOps
 
ディープボルツマンマシン入門
ディープボルツマンマシン入門ディープボルツマンマシン入門
ディープボルツマンマシン入門
 
PRML上巻勉強会 at 東京大学 資料 第4章4.3.1 〜 4.5.2
PRML上巻勉強会 at 東京大学 資料 第4章4.3.1 〜 4.5.2PRML上巻勉強会 at 東京大学 資料 第4章4.3.1 〜 4.5.2
PRML上巻勉強会 at 東京大学 資料 第4章4.3.1 〜 4.5.2
 
FINAL FANTASY Record Keeper の作り方
FINAL FANTASY Record Keeper の作り方FINAL FANTASY Record Keeper の作り方
FINAL FANTASY Record Keeper の作り方
 
Prml 4.3
Prml 4.3Prml 4.3
Prml 4.3
 

Similaire à Semi-Supervised Classification with Graph Convolutional Networks @ICLR2017読み会

20191107 deeplearningapproachesfornetworks
20191107 deeplearningapproachesfornetworks20191107 deeplearningapproachesfornetworks
20191107 deeplearningapproachesfornetworkstm1966
 
Rack Cluster Deployment for SDSC Supercomputer
Rack Cluster Deployment for SDSC SupercomputerRack Cluster Deployment for SDSC Supercomputer
Rack Cluster Deployment for SDSC SupercomputerRebekah Rodriguez
 
High-Performance Graph Analysis and Modeling
High-Performance Graph Analysis and ModelingHigh-Performance Graph Analysis and Modeling
High-Performance Graph Analysis and ModelingNesreen K. Ahmed
 
PEARC17:A real-time machine learning and visualization framework for scientif...
PEARC17:A real-time machine learning and visualization framework for scientif...PEARC17:A real-time machine learning and visualization framework for scientif...
PEARC17:A real-time machine learning and visualization framework for scientif...Feng Li
 
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習 Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習 Herman Wu
 
Ling liu part 02:big graph processing
Ling liu part 02:big graph processingLing liu part 02:big graph processing
Ling liu part 02:big graph processingjins0618
 
Grid is Dead ? Nimrod on the Cloud
Grid is Dead ? Nimrod on the CloudGrid is Dead ? Nimrod on the Cloud
Grid is Dead ? Nimrod on the CloudAdianto Wibisono
 
40 Powers of 10 - Simulating the Universe with the DiRAC HPC Facility
40 Powers of 10 - Simulating the Universe with the DiRAC HPC Facility40 Powers of 10 - Simulating the Universe with the DiRAC HPC Facility
40 Powers of 10 - Simulating the Universe with the DiRAC HPC Facilityinside-BigData.com
 
Deep Learning and Automatic Differentiation from Theano to PyTorch
Deep Learning and Automatic Differentiation from Theano to PyTorchDeep Learning and Automatic Differentiation from Theano to PyTorch
Deep Learning and Automatic Differentiation from Theano to PyTorchinside-BigData.com
 
Detection of Related Semantic Datasets Based on Frequent Subgraph Mining
Detection of Related Semantic Datasets Based on Frequent Subgraph MiningDetection of Related Semantic Datasets Based on Frequent Subgraph Mining
Detection of Related Semantic Datasets Based on Frequent Subgraph MiningMikel Emaldi Manrique
 
The Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-SystemThe Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-Systeminside-BigData.com
 
Deep Learning and What's Next?
Deep Learning and What's Next?Deep Learning and What's Next?
Deep Learning and What's Next?Tao Wang
 
Computing Outside The Box September 2009
Computing Outside The Box September 2009Computing Outside The Box September 2009
Computing Outside The Box September 2009Ian Foster
 
Xiaoxin_Resume_combined_NCL
Xiaoxin_Resume_combined_NCLXiaoxin_Resume_combined_NCL
Xiaoxin_Resume_combined_NCLXiaoxin Ren
 
g-Social - Enhancing e-Science Tools with Social Networking Functionality
g-Social - Enhancing e-Science Tools with Social Networking Functionalityg-Social - Enhancing e-Science Tools with Social Networking Functionality
g-Social - Enhancing e-Science Tools with Social Networking FunctionalityNicholas Loulloudes
 
Ehtsham Elahi, Senior Research Engineer, Personalization Science and Engineer...
Ehtsham Elahi, Senior Research Engineer, Personalization Science and Engineer...Ehtsham Elahi, Senior Research Engineer, Personalization Science and Engineer...
Ehtsham Elahi, Senior Research Engineer, Personalization Science and Engineer...MLconf
 

Similaire à Semi-Supervised Classification with Graph Convolutional Networks @ICLR2017読み会 (20)

20191107 deeplearningapproachesfornetworks
20191107 deeplearningapproachesfornetworks20191107 deeplearningapproachesfornetworks
20191107 deeplearningapproachesfornetworks
 
Rack Cluster Deployment for SDSC Supercomputer
Rack Cluster Deployment for SDSC SupercomputerRack Cluster Deployment for SDSC Supercomputer
Rack Cluster Deployment for SDSC Supercomputer
 
High-Performance Graph Analysis and Modeling
High-Performance Graph Analysis and ModelingHigh-Performance Graph Analysis and Modeling
High-Performance Graph Analysis and Modeling
 
PEARC17:A real-time machine learning and visualization framework for scientif...
PEARC17:A real-time machine learning and visualization framework for scientif...PEARC17:A real-time machine learning and visualization framework for scientif...
PEARC17:A real-time machine learning and visualization framework for scientif...
 
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習 Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
 
Big data analytics_7_giants_public_24_sep_2013
Big data analytics_7_giants_public_24_sep_2013Big data analytics_7_giants_public_24_sep_2013
Big data analytics_7_giants_public_24_sep_2013
 
Spark
SparkSpark
Spark
 
Ling liu part 02:big graph processing
Ling liu part 02:big graph processingLing liu part 02:big graph processing
Ling liu part 02:big graph processing
 
Grid is Dead ? Nimrod on the Cloud
Grid is Dead ? Nimrod on the CloudGrid is Dead ? Nimrod on the Cloud
Grid is Dead ? Nimrod on the Cloud
 
40 Powers of 10 - Simulating the Universe with the DiRAC HPC Facility
40 Powers of 10 - Simulating the Universe with the DiRAC HPC Facility40 Powers of 10 - Simulating the Universe with the DiRAC HPC Facility
40 Powers of 10 - Simulating the Universe with the DiRAC HPC Facility
 
Deep Learning and Automatic Differentiation from Theano to PyTorch
Deep Learning and Automatic Differentiation from Theano to PyTorchDeep Learning and Automatic Differentiation from Theano to PyTorch
Deep Learning and Automatic Differentiation from Theano to PyTorch
 
Detection of Related Semantic Datasets Based on Frequent Subgraph Mining
Detection of Related Semantic Datasets Based on Frequent Subgraph MiningDetection of Related Semantic Datasets Based on Frequent Subgraph Mining
Detection of Related Semantic Datasets Based on Frequent Subgraph Mining
 
Chug dl presentation
Chug dl presentationChug dl presentation
Chug dl presentation
 
The Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-SystemThe Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-System
 
Deeplearning in finance
Deeplearning in financeDeeplearning in finance
Deeplearning in finance
 
Deep Learning and What's Next?
Deep Learning and What's Next?Deep Learning and What's Next?
Deep Learning and What's Next?
 
Computing Outside The Box September 2009
Computing Outside The Box September 2009Computing Outside The Box September 2009
Computing Outside The Box September 2009
 
Xiaoxin_Resume_combined_NCL
Xiaoxin_Resume_combined_NCLXiaoxin_Resume_combined_NCL
Xiaoxin_Resume_combined_NCL
 
g-Social - Enhancing e-Science Tools with Social Networking Functionality
g-Social - Enhancing e-Science Tools with Social Networking Functionalityg-Social - Enhancing e-Science Tools with Social Networking Functionality
g-Social - Enhancing e-Science Tools with Social Networking Functionality
 
Ehtsham Elahi, Senior Research Engineer, Personalization Science and Engineer...
Ehtsham Elahi, Senior Research Engineer, Personalization Science and Engineer...Ehtsham Elahi, Senior Research Engineer, Personalization Science and Engineer...
Ehtsham Elahi, Senior Research Engineer, Personalization Science and Engineer...
 

Dernier

GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]📊 Markus Baersch
 
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhhThiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhhYasamin16
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfJohn Sterrett
 
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理e4aez8ss
 
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degreeyuu sss
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Cathrine Wilhelmsen
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024thyngster
 
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档208367051
 
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...Boston Institute of Analytics
 
RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.natarajan8993
 
Top 5 Best Data Analytics Courses In Queens
Top 5 Best Data Analytics Courses In QueensTop 5 Best Data Analytics Courses In Queens
Top 5 Best Data Analytics Courses In Queensdataanalyticsqueen03
 
Predicting Salary Using Data Science: A Comprehensive Analysis.pdf
Predicting Salary Using Data Science: A Comprehensive Analysis.pdfPredicting Salary Using Data Science: A Comprehensive Analysis.pdf
Predicting Salary Using Data Science: A Comprehensive Analysis.pdfBoston Institute of Analytics
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPTBoston Institute of Analytics
 
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degreeyuu sss
 
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhijennyeacort
 
办理学位证加利福尼亚大学洛杉矶分校毕业证,UCLA成绩单原版一比一
办理学位证加利福尼亚大学洛杉矶分校毕业证,UCLA成绩单原版一比一办理学位证加利福尼亚大学洛杉矶分校毕业证,UCLA成绩单原版一比一
办理学位证加利福尼亚大学洛杉矶分校毕业证,UCLA成绩单原版一比一F sss
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Seán Kennedy
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...Amil Baba Dawood bangali
 
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Boston Institute of Analytics
 
Business Analytics using Microsoft Excel
Business Analytics using Microsoft ExcelBusiness Analytics using Microsoft Excel
Business Analytics using Microsoft Excelysmaelreyes
 

Dernier (20)

GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]
 
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhhThiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhh
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdf
 
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
 
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
 
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
 
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
 
RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.
 
Top 5 Best Data Analytics Courses In Queens
Top 5 Best Data Analytics Courses In QueensTop 5 Best Data Analytics Courses In Queens
Top 5 Best Data Analytics Courses In Queens
 
Predicting Salary Using Data Science: A Comprehensive Analysis.pdf
Predicting Salary Using Data Science: A Comprehensive Analysis.pdfPredicting Salary Using Data Science: A Comprehensive Analysis.pdf
Predicting Salary Using Data Science: A Comprehensive Analysis.pdf
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
 
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
 
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
 
办理学位证加利福尼亚大学洛杉矶分校毕业证,UCLA成绩单原版一比一
办理学位证加利福尼亚大学洛杉矶分校毕业证,UCLA成绩单原版一比一办理学位证加利福尼亚大学洛杉矶分校毕业证,UCLA成绩单原版一比一
办理学位证加利福尼亚大学洛杉矶分校毕业证,UCLA成绩单原版一比一
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
 
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
 
Business Analytics using Microsoft Excel
Business Analytics using Microsoft ExcelBusiness Analytics using Microsoft Excel
Business Analytics using Microsoft Excel
 

Semi-Supervised Classification with Graph Convolutional Networks @ICLR2017読み会

  • 1. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. June 17, 2017 ICLR @DeNA Eiji Sekiya AI Research and Development Gr. AI System Dept. 
 DeNA Co., Ltd. 1 h"ps://openreview.net/pdf?id=SJU4ayYgl
  • 2. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. • • (@eratostennis) • • Master • DeNA (2014) • : (~2016) • Hadoop, Vertica • : (2016~) • • GameAI 2
  • 3. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Abstract • Semi-supervised learning on graph-structured data • Localized first-order approximation of spectral graph • : • • 3
  • 4. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Agenda • Introduction • Related Work • Fast Approximate Convolutions on Graphs • Semi-Supervised Node Classification • Experiments • Results • Conclusion 4
  • 5. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Relation to Weisfeiler-Lehman Algorithm • WL-1 • Hash Neural Network 5 hash
  • 6. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Node Embeddings with Random Weights 6 output 2
  • 7. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Semi-Supervised Node Embeddings • 4 1 7 : h"p://tkipf.github.io/graph-convoluDonal-networks/
  • 8. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Related Work • Graph-Based Semi-Supervised Learning • Graph Laplacian regularization • Label Propagation (Zhu et al., 2003) • Manifold Regularization (Belkin et al., 2006) • Graph embedding-based • DeepWalk (Perozzi et al., 2014) • Planetoid (Yang et al., 2016) 8
  • 9. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Related Work (DeepWalk: Perozzi et al., 2014) • • SkipGram embedding • Random Walk 9
  • 10. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Related Work • Graph-Based Semi-Supervised Learning • Graph Laplacian regularization • Label Propagation (Zhu et al., 2003) • Manifold Regularization (Belkin et al., 2006) • Graph embedding-based • DeepWalk (Perozzi et al., 2014) • Planetoid (Yang et al., 2016) • Neural Networks on Graphs ( ) • Spectral graph convolutional neural network (Bruna et al., 2014) • Fast localized convolution (Defferrard et al., 2016) 10
  • 11. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Graph-Based Semi-Supervised Learning • (citation network ) (documents) • • • • encode • 11 Neural Networks on Graph
  • 12. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Multi-layer Graph Convolutional Network (GCN) • • • • 12 Contribution
  • 13. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Spectral Graph Convolutions • Convolution with filter • : • • …(Hammond at el., 2011) • • ( ) 13
  • 14. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Spectral Graph Convolutions (Defferrad at el., 2016) • Graph Convolution ( , ) • K K • : • 14
  • 15. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Layer-Wise Linear Model (Contribution) • K=1 … • k k • • Renormalization Trick ( ) • Input C, F … • 15
  • 16. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Semi-Supervised Node Classification • Forward Model ( ) • Cross-Entropy: 16
  • 17. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Experiments (Dataset) • (Citeseer, Cora, Pubmed) • Sparse bag-of-words feature vectors for each document • a list of citation links between documents • (NELL) • A set of entities connected with directed, labeled edges • Random Graph • A dataset with N nodes we create a random graph assigning 2N edges uniformly at random 17
  • 18. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Experiments (Setup) • • 2 GCN • • Prediction Accuracy • 1000 • • 500 • Dropout rate, L2 regularization factor, Number of hidden units • Cora Citeseer Pubmed 18
  • 19. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Experiments (Baseline) • Baseline • Label Propagation (LP) • Semi-supervised embedding (SemiEmb) • Manifold regularization (ManiReg) • Skip-gram based graph embeddings (DeepWalk) • Iterative classification algorithm (ICA) • Planetoid 19
  • 20. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Results (Semi-Supervised Node Classification) • Results for all other baseline methods are taken from the Planetoid paper • Environment • The same hardware as planetoid 20 Training Dme in seconds unDl convergence
  • 21. • Compare different variants of our proposed per-layer propagation model on the citation network datasets Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Results (Evaluation Propagation Model) 21
  • 22. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Results (Training Time per Epoch) • The mean training time per epoch for 100 epochs on simulated random graphs 22
  • 23. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Experiments on Model Depth • Residual connections • 2, 3 • 7 … • residual connections • 23
  • 24. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Discussion • Keypoints • Overcome both limitations • Graph-Laplacian regularization • Edges encode mere similarity of nodes • Skip-gram based methods • Limited by the fact that they are based on a multi-step pipeline which difficult to optimize • Findings • Propagation from neighboring nodes improves classification performance • Proposed renormalized propagation model offers both improved efficiency 24
  • 25. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Future Work • Memory Requirement • Full-batch gradient descent • Grows linearly in the size of the dataset • Mini-batch stochastic gradient descent can alleviate this issue • Directed edges and edge features • Limited to undirected graph • NELL show it is possible to handle • By representing the original directed graph as an undirected bipartite graph • Limiting assumptions • Locality • dependence on the Kth-order neighborhood for a GCN with K layers • Equal importance of self-connections vs. edges to neighboring nodes 25
  • 26. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Reference • Graph Semi-Supervised Learning • Xiaojin Zhu, Zoubin Ghahramani, and John Lafferty. Semi-supervised learning using gaussian fields and harmonic functions. In International Conference on Machine Learning (ICML), volume 3, pp. 912–919, 2003. • Mikhail Belkin, Partha Niyogi, and Vikas Sindhwani. Manifold regularization: A geometric frame- work for learning from labeled and unlabeled examples. Journal of machine learning research (JMLR), 7(Nov):2399–2434, 2006. • JasonWeston,Fre ́de ́ricRatle,HosseinMobahi,andRonanCollobert. Deeplearningviasemi- supervised embedding. In Neural Networks: Tricks of the Trade, pp. 639–655. Springer, 2012. • Tomas Mikolov, Ilya Sutskever, Kai Chen, Greg S. Corrado, and Jeff Dean. Distributed repre- sentations of words and phrases and their compositionality. In Advances in neural information processing systems (NIPS), pp. 3111–3119, 2013. • Bryan Perozzi, Rami Al-Rfou, and Steven Skiena. Deepwalk: Online learning of social repre- sentations. In Proceedings of the 20th ACM SIGKDD international conference on Knowledge discovery and data mining, pp. 701–710. ACM, 2014. • Zhilin Yang, William Cohen, and Ruslan Salakhutdinov. Revisiting semi-supervised learning with graph embeddings. In International Conference on Machine Learning (ICML), 2016. 26
  • 27. Copyright (C) DeNA Co.,Ltd. All Rights Reserved. Reference • Dataset & Pre-Processing • Prithviraj Sen, Galileo Namata, Mustafa Bilgic, Lise Getoor, Brian Galligher, and Tina Eliassi-Rad. Collective classification in network data. AI magazine, 29(3):93, 2008. • Andrew Carlson, Justin Betteridge, Bryan Kisiel, Burr Settles, Estevam R. Hruschka Jr, and Tom M. Mitchell. Toward an architecture for never-ending language learning. In AAAI, volume 5, pp. 3, 2010. • Zhilin Yang, William Cohen, and Ruslan Salakhutdinov. Revisiting semi-supervised learning with graph embeddings. In International Conference on Machine Learning (ICML), 2016. • Website • http://tkipf.github.io/graph-convolutional-networks/ • Implementation • https://github.com/tkipf/gcn 27