SlideShare a Scribd company logo
Convolutional Neural Networks on Graphs
with Fast Localized Spectral Filtering
Defferrard, Michaël, Xavier Bresson, and Pierre Vandergheynst
NIPS 2016
Unstructured data as graphs
• Majority of data is naturally unstructured, but can be
structured.
• Irregular / non-Euclidean data can be structured with graphs
• Social networks: Facebook, Twitter.
• Biological networks: genes, molecules, brain connectivity.
• Infrastructure networks: energy, transportation, Internet, telephony.
• Graphs can model heterogeneous pairwise relationships.
• Graphs can encode complex geometric structures.
CNN architecture
• Convolution filter translation or fast Fourier transform (FFT).
• Down-sampling pick one pixel out of n.
Generalizing CNNs to graphs
• Challenges
• Formulate convolution and down-sampling
on graphs
• How to define localized graph filters?
• Make them efficient
Generalizing CNNs to graphs
1. The design of localized convolutional filters on graphs
2. Graph coarsening procedure (sub-sampling)
3. Graph pooling operation
• 𝐺 = (𝑉, 𝐸, 𝑊) : undirected
and connected graph
• Spectral graph theory
• Graph Laplacians
• 𝐿 = 𝐷 − 𝑊
• Normalized Laplacians
𝐿 = 𝐼 𝑛 – 𝐷−
1
2 𝑊𝐷−
1
2
 𝑉 : set of vertices
 𝐸 : set of edges
 𝑊 : weighted adjacency matrix
 𝐷𝑖𝑖 = 𝑗 𝑊𝑖𝑗 : diagonal degree matrix
 𝐼 𝑛 : identity matrix
Graph Fourier Transform
Graph Fourier Transform
• Graph Fourier Transform
• 𝐿 = 𝑈Λ𝑈 𝑇 (Eigen value decomposition)
• Graph Fourier basis 𝑈 = [𝑢0, … , 𝑢 𝑛−1]
• Graph frequencies Λ =
𝜆0 ⋯ 0
⋮ ⋱ ⋮
0 ⋯ 𝜆 𝑛−1
1. Graph signal 𝑥 ∶ 𝑉 → ℝ, 𝑥 ∈ ℝ 𝑛
2. Transform 𝑥 = 𝑈 𝑇 𝑥 ∈ ℝ 𝑛
Spectral filtering of graph signals
• Convolution on graphs
• 𝑥 ∗ 𝒢 𝑦 = 𝑈 𝑈 𝑇 𝑥 ⊙ 𝑈 𝑇 𝑦
• filtered signal 𝑦 = 𝑔 𝜃 L x = 𝑔 𝜃 UΛ𝑈 𝑇
x = 𝑈𝑔 𝜃 Λ 𝑈 𝑇
𝑥
= 𝑈
𝑔 𝜃(𝜆0) ⋯ 0
⋮ ⋱ ⋮
0 ⋯ 𝑔 𝜃(𝜆 𝑛−1)
𝑈 𝑇 𝑥
• A non-parametric filter 𝑔 𝜃 Λ = diag 𝜃 , 𝜃 ∈ ℝ 𝑛
 Non-localized in vertex domain
 Learning complexity in O(n)
 Computational complexity in O(n2)
Polynomial parametrization for localized filters
• 𝑔 𝜃 Λ = diag 𝜃 , 𝜃 ∈ ℝ 𝑛
𝑔 𝜃 Λ = 𝑘=0
𝐾−1
𝜃 𝑘Λ 𝑘
, 𝜃 ∈ ℝ 𝑘
 𝐾 𝑡ℎ
order polynomials of the Laplacian -> 𝐾-localized
 Learning complexity in O(K)
 Still, computational complexity in O(n2
) because of multiplication with Fourier
basis U
• Filter localization on graph
Recursive formulation for fast filtering
• 𝑔 𝜃 Λ = 𝑘=0
𝐾−1
𝜃 𝑘Λ 𝑘 , 𝜃 ∈ ℝ 𝑘 𝑔 𝜃 Λ = 𝑘=0
𝐾−1
𝜃 𝑘Tk(Λ) , 𝜃 ∈ ℝ 𝑘
• Chebyshev expansion
𝑇𝑘(𝑥) = 2𝑥𝑇𝑘−1(𝑥) − 𝑇𝑘−2(𝑥)
• Filtered 𝑦 = 𝑔 𝜃 𝐿 𝑥
• 𝐾 multiplications by a sparse 𝐿
costs 𝑂 𝐾 𝐸 ≪ 𝑂(𝑛2)
 Learning complexity in 𝑂(𝐾)
 Computational complexity in 𝑂(𝐾|𝐸|)
Graph coarsening and pooling
• Graph coarsening
• To cluster similar vertices together, multilevel clustering algorithm is needed.
• Pick an unmarked vertex 𝑖 and matching it with one of its unmarked neighbors 𝑗 that maximizes the
local normalized cut 𝑊𝑖𝑗(
1
𝑑 𝑖
+
1
𝑑 𝑗
)
• Pooling of graph signals
• Balanced binary tree structured coarsened graphs
• ReLU activation with max pooling
• e.g. 𝑧 = max 𝑥0, 𝑥1 , max 𝑥4, 𝑥5, 𝑥6 , max 𝑥8, 𝑥9, 𝑥10 ∈ ℝ3
level 0
level 1
level 2
Graph ConvNet (GCN) architecture
Experiments
• MNIST
• CNNs on a Euclidean space
• Comparable to classical CNN
• Isotropic spectral filters
• edges in a general graph do not possess
an orientation
Experiments
• 20NEWS
• structure documents with a
feature graph
• 10,000 nodes, 132,834 edges
𝑂(𝑛2
)
𝑂(𝑛)
Conclusion
• Contributions
• Spectral formulation of CNNs on graphs in GSP
• Strictly localized spectral filters are proposed
• Linear complexity of filters
• Efficient pooling on graphs
• Limitation
• Filters are not directly transferrable to a different graph
References
• Deep Learning on Graphs, a lecture on A Network Tour of Data Science
(NTDS) 2016
• Shuman, David I., et al. "The emerging field of signal processing on
graphs: Extending high-dimensional data analysis to networks and other
irregular domains." IEEE Signal Processing Magazine 30.3 (2013): 83-98.
• How powerful are Graph Convolutions? (http://www.inference.vc/how-
powerful-are-graph-convolutions-review-of-kipf-welling-2016-2/)
• GRAPH CONVOLUTIONAL NETWORKS (http://tkipf.github.io/graph-
convolutional-networks/)

More Related Content

PPTX
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
PPTX
Graph Representation Learning
PPTX
Inferential statistics
PPTX
Image captioning
PDF
Gnn overview
PPTX
Graph Neural Network - Introduction
PPT
Animal needs. (teach) pptx
PDF
Deep Learning for Graphs
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Graph Representation Learning
Inferential statistics
Image captioning
Gnn overview
Graph Neural Network - Introduction
Animal needs. (teach) pptx
Deep Learning for Graphs

What's hot (20)

PDF
Graph neural networks overview
PPTX
Graph Neural Networks.pptx
PPTX
GANs Deep Learning Summer School
PDF
Notes from Coursera Deep Learning courses by Andrew Ng
PDF
Markov Chain Monte Carlo Methods
PDF
DeepWalk: Online Learning of Representations
PDF
Feature Engineering
PDF
Selection in Evolutionary Algorithm
PDF
経験ベイズ木(IBIS 2017)
PDF
パターン認識 08 09 k-近傍法 lvq
PDF
機械学習におけるオンライン確率的最適化の理論
PPTX
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
PDF
Graph Neural Network in practice
ODP
Machine Learning With Logistic Regression
PDF
Webinar on Graph Neural Networks
PDF
Faster R-CNN - PR012
PDF
PCA (Principal component analysis)
PPTX
Recommender Systems
PDF
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
PPTX
Optimization in Deep Learning
Graph neural networks overview
Graph Neural Networks.pptx
GANs Deep Learning Summer School
Notes from Coursera Deep Learning courses by Andrew Ng
Markov Chain Monte Carlo Methods
DeepWalk: Online Learning of Representations
Feature Engineering
Selection in Evolutionary Algorithm
経験ベイズ木(IBIS 2017)
パターン認識 08 09 k-近傍法 lvq
機械学習におけるオンライン確率的最適化の理論
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Graph Neural Network in practice
Machine Learning With Logistic Regression
Webinar on Graph Neural Networks
Faster R-CNN - PR012
PCA (Principal component analysis)
Recommender Systems
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
Optimization in Deep Learning
Ad

Viewers also liked (20)

PPTX
DeepWalk: Online Learning of Social Representations
PDF
A survey of heterogeneous information network analysis
PPTX
Pathways-Driven Sparse Regression Identifies Pathways and Genes Associated wi...
PPTX
Visual-Textual Joint Relevance Learning for Tag-Based Social Image Search
PPTX
[DL輪読会]Learning convolutional neural networks for graphs
PPTX
Semi-automatic ground truth generation using unsupervised clustering and limi...
PPTX
Translated learning
PPTX
Self taught clustering
PDF
Learning Convolutional Neural Networks for Graphs
PDF
Big Data Analysis with Signal Processing on Graphs
PDF
[DL輪読会]Unsupervised Learning of 3D Structure from Images
PDF
[DL輪読会]Learning What and Where to Draw (NIPS’16)
PPTX
[DL輪読会]TREE-STRUCTURED VARIATIONAL AUTOENCODER
PDF
[DL輪読会]Combining Fully Convolutional and Recurrent Neural Networks for 3D Bio...
PPTX
[DL輪読会]Image-to-Image Translation with Conditional Adversarial Networks
PPTX
Text extraction from natural scene image, a survey
PDF
[DL輪読会]QUASI-RECURRENT NEURAL NETWORKS
PPTX
[DL輪読会]Exploiting Cyclic Symmetry in Convolutional Neural Networks
PPTX
[DL輪読会]Semi supervised qa with generative domain-adaptive nets
PPTX
[DL輪読会]Unsupervised Cross-Domain Image Generation
DeepWalk: Online Learning of Social Representations
A survey of heterogeneous information network analysis
Pathways-Driven Sparse Regression Identifies Pathways and Genes Associated wi...
Visual-Textual Joint Relevance Learning for Tag-Based Social Image Search
[DL輪読会]Learning convolutional neural networks for graphs
Semi-automatic ground truth generation using unsupervised clustering and limi...
Translated learning
Self taught clustering
Learning Convolutional Neural Networks for Graphs
Big Data Analysis with Signal Processing on Graphs
[DL輪読会]Unsupervised Learning of 3D Structure from Images
[DL輪読会]Learning What and Where to Draw (NIPS’16)
[DL輪読会]TREE-STRUCTURED VARIATIONAL AUTOENCODER
[DL輪読会]Combining Fully Convolutional and Recurrent Neural Networks for 3D Bio...
[DL輪読会]Image-to-Image Translation with Conditional Adversarial Networks
Text extraction from natural scene image, a survey
[DL輪読会]QUASI-RECURRENT NEURAL NETWORKS
[DL輪読会]Exploiting Cyclic Symmetry in Convolutional Neural Networks
[DL輪読会]Semi supervised qa with generative domain-adaptive nets
[DL輪読会]Unsupervised Cross-Domain Image Generation
Ad

Similar to Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering (20)

PPTX
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
PPTX
NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...
PPTX
Exploring Randomly Wired Neural Networks for Image Recognition
PPTX
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
PPTX
NS-CUK Seminar: H.E.Lee, Review on "Gated Graph Sequence Neural Networks", I...
PDF
Paper study: Learning to solve circuit sat
PPTX
[20240422_LabSeminar_Huy]Taming_Effect.pptx
PPTX
Introduction to Neural networks (under graduate course) Lecture 6 of 9
PDF
Nonlinear dimension reduction
PDF
Hardware Acceleration for Machine Learning
PDF
Convolutional Neural Networks (CNN)
PPTX
NS-CUK Journal club: HBKim, Review on "Neural Graph Collaborative Filtering",...
PPTX
Introduction to artificial neural network.pptx
PDF
NS-CUK Seminar: J.H.Lee, Review on "Hyperbolic graph convolutional neural net...
PDF
PPT s08-machine vision-s2
PPTX
Chapter 4 better.pptx
PDF
NS-CUK Seminar: V.T.Hoang, Review on "Everything is Connected: Graph Neural N...
PPTX
Introduction to deep learning
PPTX
Deep Learning
PPTX
Deep learning from a novice perspective
Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks, arXiv e-...
NS-CUK Seminar: S.T.Nguyen, Review on "Improving Graph Neural Network Express...
Exploring Randomly Wired Neural Networks for Image Recognition
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
NS-CUK Seminar: H.E.Lee, Review on "Gated Graph Sequence Neural Networks", I...
Paper study: Learning to solve circuit sat
[20240422_LabSeminar_Huy]Taming_Effect.pptx
Introduction to Neural networks (under graduate course) Lecture 6 of 9
Nonlinear dimension reduction
Hardware Acceleration for Machine Learning
Convolutional Neural Networks (CNN)
NS-CUK Journal club: HBKim, Review on "Neural Graph Collaborative Filtering",...
Introduction to artificial neural network.pptx
NS-CUK Seminar: J.H.Lee, Review on "Hyperbolic graph convolutional neural net...
PPT s08-machine vision-s2
Chapter 4 better.pptx
NS-CUK Seminar: V.T.Hoang, Review on "Everything is Connected: Graph Neural N...
Introduction to deep learning
Deep Learning
Deep learning from a novice perspective

More from SOYEON KIM (19)

PDF
Network-based machine learning approach for aggregating multi-modal data
PPTX
Revealing disease-associated pathways by network integration of untargeted me...
PPTX
Systems genetics approaches to understand complex traits
PPTX
Robust Pathway-based Multi-Omics Data Integration using Directed Random Walk ...
PDF
Network embedding
PPTX
Integrative Pathway-based Survival Prediction utilizing the Interaction betwe...
PPTX
Deep learning based multi-omics integration, a survey
PPTX
Mobile Phone Spam Image Detection based on Graph Partitioning with Pyramid H...
PPTX
Opinion Fraud Detection in Online Reviews by Network Effects
PPTX
Evaluating color descriptors for object and scene recognition
PPTX
Outcome-guided mutual information networks for investigating gene-gene intera...
PPTX
Spectral clustering
PPTX
Sentiwordnet: A publicly available lexical resource for opinion mining
PPT
Opinion spam and analysis
PPTX
Investigating the Effectiveness of E-mail Spam Image Data for Phone Spam Imag...
PPTX
Graph-based KNN Algorithm for Spam SMS Detection
PPTX
Deep belief networks for spam filtering
PPTX
A study on the spacio temporal trend of brand index using twitter messages se...
PPTX
A method to improve survival prediction using mutual information based network
Network-based machine learning approach for aggregating multi-modal data
Revealing disease-associated pathways by network integration of untargeted me...
Systems genetics approaches to understand complex traits
Robust Pathway-based Multi-Omics Data Integration using Directed Random Walk ...
Network embedding
Integrative Pathway-based Survival Prediction utilizing the Interaction betwe...
Deep learning based multi-omics integration, a survey
Mobile Phone Spam Image Detection based on Graph Partitioning with Pyramid H...
Opinion Fraud Detection in Online Reviews by Network Effects
Evaluating color descriptors for object and scene recognition
Outcome-guided mutual information networks for investigating gene-gene intera...
Spectral clustering
Sentiwordnet: A publicly available lexical resource for opinion mining
Opinion spam and analysis
Investigating the Effectiveness of E-mail Spam Image Data for Phone Spam Imag...
Graph-based KNN Algorithm for Spam SMS Detection
Deep belief networks for spam filtering
A study on the spacio temporal trend of brand index using twitter messages se...
A method to improve survival prediction using mutual information based network

Recently uploaded (20)

PDF
[EN] Industrial Machine Downtime Prediction
PPTX
The THESIS FINAL-DEFENSE-PRESENTATION.pptx
PPTX
Managing Community Partner Relationships
PPT
ISS -ESG Data flows What is ESG and HowHow
PPTX
SAP 2 completion done . PRESENTATION.pptx
PPTX
IB Computer Science - Internal Assessment.pptx
PPTX
MODULE 8 - DISASTER risk PREPAREDNESS.pptx
PPTX
modul_python (1).pptx for professional and student
PPTX
Computer network topology notes for revision
PDF
BF and FI - Blockchain, fintech and Financial Innovation Lesson 2.pdf
PDF
Clinical guidelines as a resource for EBP(1).pdf
PPTX
Qualitative Qantitative and Mixed Methods.pptx
PPTX
Supervised vs unsupervised machine learning algorithms
PPTX
Leprosy and NLEP programme community medicine
PDF
annual-report-2024-2025 original latest.
PDF
Galatica Smart Energy Infrastructure Startup Pitch Deck
PPTX
01_intro xxxxxxxxxxfffffffffffaaaaaaaaaaafg
PPTX
Introduction to Firewall Analytics - Interfirewall and Transfirewall.pptx
PDF
Introduction to the R Programming Language
[EN] Industrial Machine Downtime Prediction
The THESIS FINAL-DEFENSE-PRESENTATION.pptx
Managing Community Partner Relationships
ISS -ESG Data flows What is ESG and HowHow
SAP 2 completion done . PRESENTATION.pptx
IB Computer Science - Internal Assessment.pptx
MODULE 8 - DISASTER risk PREPAREDNESS.pptx
modul_python (1).pptx for professional and student
Computer network topology notes for revision
BF and FI - Blockchain, fintech and Financial Innovation Lesson 2.pdf
Clinical guidelines as a resource for EBP(1).pdf
Qualitative Qantitative and Mixed Methods.pptx
Supervised vs unsupervised machine learning algorithms
Leprosy and NLEP programme community medicine
annual-report-2024-2025 original latest.
Galatica Smart Energy Infrastructure Startup Pitch Deck
01_intro xxxxxxxxxxfffffffffffaaaaaaaaaaafg
Introduction to Firewall Analytics - Interfirewall and Transfirewall.pptx
Introduction to the R Programming Language

Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering

  • 1. Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering Defferrard, Michaël, Xavier Bresson, and Pierre Vandergheynst NIPS 2016
  • 2. Unstructured data as graphs • Majority of data is naturally unstructured, but can be structured. • Irregular / non-Euclidean data can be structured with graphs • Social networks: Facebook, Twitter. • Biological networks: genes, molecules, brain connectivity. • Infrastructure networks: energy, transportation, Internet, telephony. • Graphs can model heterogeneous pairwise relationships. • Graphs can encode complex geometric structures.
  • 3. CNN architecture • Convolution filter translation or fast Fourier transform (FFT). • Down-sampling pick one pixel out of n.
  • 4. Generalizing CNNs to graphs • Challenges • Formulate convolution and down-sampling on graphs • How to define localized graph filters? • Make them efficient
  • 5. Generalizing CNNs to graphs 1. The design of localized convolutional filters on graphs 2. Graph coarsening procedure (sub-sampling) 3. Graph pooling operation
  • 6. • 𝐺 = (𝑉, 𝐸, 𝑊) : undirected and connected graph • Spectral graph theory • Graph Laplacians • 𝐿 = 𝐷 − 𝑊 • Normalized Laplacians 𝐿 = 𝐼 𝑛 – 𝐷− 1 2 𝑊𝐷− 1 2  𝑉 : set of vertices  𝐸 : set of edges  𝑊 : weighted adjacency matrix  𝐷𝑖𝑖 = 𝑗 𝑊𝑖𝑗 : diagonal degree matrix  𝐼 𝑛 : identity matrix Graph Fourier Transform
  • 7. Graph Fourier Transform • Graph Fourier Transform • 𝐿 = 𝑈Λ𝑈 𝑇 (Eigen value decomposition) • Graph Fourier basis 𝑈 = [𝑢0, … , 𝑢 𝑛−1] • Graph frequencies Λ = 𝜆0 ⋯ 0 ⋮ ⋱ ⋮ 0 ⋯ 𝜆 𝑛−1 1. Graph signal 𝑥 ∶ 𝑉 → ℝ, 𝑥 ∈ ℝ 𝑛 2. Transform 𝑥 = 𝑈 𝑇 𝑥 ∈ ℝ 𝑛
  • 8. Spectral filtering of graph signals • Convolution on graphs • 𝑥 ∗ 𝒢 𝑦 = 𝑈 𝑈 𝑇 𝑥 ⊙ 𝑈 𝑇 𝑦 • filtered signal 𝑦 = 𝑔 𝜃 L x = 𝑔 𝜃 UΛ𝑈 𝑇 x = 𝑈𝑔 𝜃 Λ 𝑈 𝑇 𝑥 = 𝑈 𝑔 𝜃(𝜆0) ⋯ 0 ⋮ ⋱ ⋮ 0 ⋯ 𝑔 𝜃(𝜆 𝑛−1) 𝑈 𝑇 𝑥 • A non-parametric filter 𝑔 𝜃 Λ = diag 𝜃 , 𝜃 ∈ ℝ 𝑛  Non-localized in vertex domain  Learning complexity in O(n)  Computational complexity in O(n2)
  • 9. Polynomial parametrization for localized filters • 𝑔 𝜃 Λ = diag 𝜃 , 𝜃 ∈ ℝ 𝑛 𝑔 𝜃 Λ = 𝑘=0 𝐾−1 𝜃 𝑘Λ 𝑘 , 𝜃 ∈ ℝ 𝑘  𝐾 𝑡ℎ order polynomials of the Laplacian -> 𝐾-localized  Learning complexity in O(K)  Still, computational complexity in O(n2 ) because of multiplication with Fourier basis U • Filter localization on graph
  • 10. Recursive formulation for fast filtering • 𝑔 𝜃 Λ = 𝑘=0 𝐾−1 𝜃 𝑘Λ 𝑘 , 𝜃 ∈ ℝ 𝑘 𝑔 𝜃 Λ = 𝑘=0 𝐾−1 𝜃 𝑘Tk(Λ) , 𝜃 ∈ ℝ 𝑘 • Chebyshev expansion 𝑇𝑘(𝑥) = 2𝑥𝑇𝑘−1(𝑥) − 𝑇𝑘−2(𝑥) • Filtered 𝑦 = 𝑔 𝜃 𝐿 𝑥 • 𝐾 multiplications by a sparse 𝐿 costs 𝑂 𝐾 𝐸 ≪ 𝑂(𝑛2)  Learning complexity in 𝑂(𝐾)  Computational complexity in 𝑂(𝐾|𝐸|)
  • 11. Graph coarsening and pooling • Graph coarsening • To cluster similar vertices together, multilevel clustering algorithm is needed. • Pick an unmarked vertex 𝑖 and matching it with one of its unmarked neighbors 𝑗 that maximizes the local normalized cut 𝑊𝑖𝑗( 1 𝑑 𝑖 + 1 𝑑 𝑗 ) • Pooling of graph signals • Balanced binary tree structured coarsened graphs • ReLU activation with max pooling • e.g. 𝑧 = max 𝑥0, 𝑥1 , max 𝑥4, 𝑥5, 𝑥6 , max 𝑥8, 𝑥9, 𝑥10 ∈ ℝ3 level 0 level 1 level 2
  • 12. Graph ConvNet (GCN) architecture
  • 13. Experiments • MNIST • CNNs on a Euclidean space • Comparable to classical CNN • Isotropic spectral filters • edges in a general graph do not possess an orientation
  • 14. Experiments • 20NEWS • structure documents with a feature graph • 10,000 nodes, 132,834 edges 𝑂(𝑛2 ) 𝑂(𝑛)
  • 15. Conclusion • Contributions • Spectral formulation of CNNs on graphs in GSP • Strictly localized spectral filters are proposed • Linear complexity of filters • Efficient pooling on graphs • Limitation • Filters are not directly transferrable to a different graph
  • 16. References • Deep Learning on Graphs, a lecture on A Network Tour of Data Science (NTDS) 2016 • Shuman, David I., et al. "The emerging field of signal processing on graphs: Extending high-dimensional data analysis to networks and other irregular domains." IEEE Signal Processing Magazine 30.3 (2013): 83-98. • How powerful are Graph Convolutions? (http://www.inference.vc/how- powerful-are-graph-convolutions-review-of-kipf-welling-2016-2/) • GRAPH CONVOLUTIONAL NETWORKS (http://tkipf.github.io/graph- convolutional-networks/)