首页 > 移动平台 > 详细

Representation Learning on Graphs: Methods and Applications

时间:2020-03-06 21:58:29      阅读:84      评论:0      收藏:0      [点我收藏+]

1.1 Notation and essential assumptions

  • 假设 representation learning algorithm 的输入是 \(G = (V, E)\) 以及其对应的 binary adjacency matrix \(A\)
  • 节点属性的实值矩阵是 \(X \in R^{m \times \vert V \vert}\)
  • 目标是利用 \(A, X\) 中的信息将节点映射到 latent space \(R^d, d << \vert V \vert\)
  • 我们所讨论的大多方法是以无监督方式来利用信息 \(A, X\)
  • 我们也会讨论一些监督方法,它们会利用标记信息来辅助优化 Embedding

2 Embedding nodes

  • Node Embedding 的目标是将节点映射到可以反映节点结构信息的低维空间
  • Embedding 的过程可以看做是将节点 projecting/encoding 到一个 latent space

2.1 Overview of approaches: An encoder-decoder perspective

Embedding 方法层出不穷,但我们于此提出一个统一框架(encoder-decoder)以整合众多方法。

Encoder-Decoder Framework

  • Encoder: \(V \rightarrow R^d, \ Enc(v) \rightarrow Z_v\)
  • Decoder: \(R^d \times R^d \rightarrow R^+, \ Dec(Z_v, Z_u) \rightarrow reconstruction(v, u)\)
  • 该框架的 intuition 是 如果我们能从 latent space 恢复原始空间的结构信息,那么这个 latent space 必然包含机器学习算法所必须的结构信息
  • 该框架的本质是实现了从原始空间的 similarity 到新空间 similarity 的 reconstruction
  • 该框架的学习目标是 \(Dec(Enc(v), Enc(u)) \rightarrow S_G (v, u)\),其中 \(S_G\) 是用户定义的原始图的节点结构矩阵。
  • 该框架的损失函数是 \(L = \sum_{(u, v) \in V \times V} loss(Dec(Enc(v), Enc(u)), S_G(v, u))\)

Encoder-Decoder 框架下的不同方法仅仅是设计了如下的四个方面
注意,similarity function 和 decoder function 可以是对称的也可非对称

  1. A pairwise similarity function\(S_G\),这个函数定义在图上,用以衡量节点之间的相似度
  2. An encoder function\(Enc\),这个函数包含一些可训练的参数,用以生成 Node Embedding
  3. A decoder function,$Dec,这个函数通常没有可训练参数,用以 reconstruct 嵌入空间中的节点相似度
  4. A loss function\(l\),优化目标

2.1.1 Notes on optimization and implementation details

下表会介绍一些有名的 shallow embedding embedding algorithms

Type Method Decoder Similarity Loss function
矩阵分解 LaplacianEigenmaps[4] 二范数平方 general \(DEC(Z_u,Z_v) \cdot S_G(u,v)\)
矩阵分解 GraphFactorization[1] 线性核 \(A_{u, v}\) \(\Vert DEC(Z_u,Z_v) - S_G(u,v)\Vert _2^2\)
矩阵分解 GraRep[9] 线性核 \(A^k_{u, v}\) \(\Vert DEC(Z_u,Z_v) - S_G(u,v)\Vert _2^2\)
矩阵分解 HOPE[45] 线性核 general \(\Vert DEC(Z_u,Z_v) - S_G(u,v)\Vert _2^2\)
随机漫步 DeepWalk[47] 高斯核 \(p_G(u\vert v)\) \(-S_G(u, v)\log (Dec(u, v))\)
随机漫步 node2vec [28] 高斯核 \(p_G(u\vert v)\) \(-S_G(u, v)\log (Dec(u, v))\)

2.2 Shallow embedding approaches

这类方法的 Encoder function 只是简单的 Embedding Lookup\(Enc(u) = Zu\),这些方法一般都是受了经典的降维矩阵分解的启发。

2.2.1 Factorization-based approaches

这类方法就是上表的前四行所述的方法,它们有个共同的特点就是,它们的损失函数都是 \(L \approx \Vert Z^TZ - S \Vert _2^2\) 的形式。其中 \(S\) 中包含了相似性信息,\(Z\) 是 latent space 的 Node Representation

2.2.2 Random walk approaches

  • Their key innovation is optimizing the node embeddings so that nodes have similar embeddings if they tend to co-occur on short random walks over the graph
  • 其具体方法是,从节点 \(u\) 出发走固定步数,则它有一定的概率走到节点 \(v\),那么 \(Dec(v, u)\) 要与这个概率成比例

DeepWalk and node2vec.

  • 共同点
    • 它们与矩阵分解方法一样,依赖 shallow embedding,并使用基于内积的 decoder
    • 它们不是尝试对确定性节点相似性度量进行解码,而是优化 embeddings 来对随机游走的统计信息进行编码
    • 它们背后的基本思想是学习 embeddings 以至于 \(Dec(u, v) \approx p_G(v\vert u)\)
    • 它们的损失函数采用的是交叉熵,\(L = \sum _{(u, v) \in D} \Vert Dec(Z_u,Z_v) - S_G(u,v)\Vert _2^2\),其中训练集 D 通过从每个节点的随机游走取样而来
    • 由于随机漫步计算开销很大,所以它们分别采用了 "hierarchical softmax" 和 "negative sampling" 的技术来解决优化问题
  • 差异点
    • node2vec 可以灵活定义随机游走,而 DeepWalk 在图形上使用简单的无偏随机游走。node2vec 引入了两个随机游走超参数 \(p\)\(q\),它们对随机游动有偏见。超参数 \(p\) 控制重新访问节点的可能性,而 \(q\) 控制重新访问节点的一跳邻居节点的可能性。

Large-scale information network embeddings (LINE)
LINE 在概念上与 node2vec 和 DeepWalk 有关,因为它使用了概率解码器和损失,但它明确地分解了一阶和二阶相似性,而不是将它们组合成固定长度的随机游走。

HARP: Extending random-walk embeddings via graph pre-processing
在这种方法中,将 G 中的相关节点折叠在一起成为一个超节点从而实现图的 “粗糙化”,然后在该粗化图上运行 DeepWalk,node2vec 或 LINE

Additional variants of the random-walk idea
随机游走的想法也有许多进一步的扩展

  • Perozzi等[48] 扩展了DeepWalk算法,以使用随机遍历来学习嵌入,该随机遍历在每个步骤中“跳过”或“跳越”多个节点,从而产生类似于 GraRep[9] 的相似性度量
  • Chamberlan等人[11]修改 node2vec 的内积解码器以使用双曲线距离度量而不是欧几里得距离度量

2.3 Generalized encoder-decoder architectures

shallow embedding 的缺陷:

  • Sharing Parameters」它没有参数共享,故而所需的参数个数是随着节点个数线性增长的,低效
  • Node Attributes」它无法在编码时利用节点的属性,但是节点的属性信息对图结构非常重要,比如社交用户的简介
  • Inherently Transductive」它基于 embedding lookup,没有一个拥有泛华能力的模型对新节点进行嵌入,就是说,它是 transductive

2.3.1 Neighborhood autoencoder methods

自编码器方法的介绍
Deep Neural Graph Representations (DNGR) [10] 和 Structural Deep Network Embeddings (SDNE) [59] 解决上述三个缺陷的第一个。

  • 它们直接将图结构纳入到一个基于神经网络的 encoder 中去
  • 这两种方法背后都是使用自编码器来压缩一个节点的局部邻域信息
  • DNGR 和 SDNE 使用一个一元解码器,即 \(Dec(u)\) 而非 \(Dec(u, v)\)

DNGR 与 SDNE 的共同点

  • 它们不再像之前那样将每个节点作为考虑对象,而是将每个节点的一跳邻域作为考虑对象
  • \(s_v = S[v, :]\) 表示节点 \(v\) 与其余所有节点的相似性。
  • 它们的目标是利用 \(s_v\) 向量来嵌入节点,以便于可以从 latent space 重构 \(s_v\),即 \(Dec(Enc(s_v)) \approx s_v\)
  • 它们的损失函数是

DNGR 与 SDNE 的不同点

  • 构建 \(s_v\) 的 similarity function 不同
    • DNGR 通过随机漫步的方式获得节点间的互信息来定义 \(s_v\),有点类似 DeepWalk 和 node2vec
    • SDNE 定义 \(s_v = A_v\)
  • 损失函数不同
    • DNGR 是 \(\sum _{v \in V} \Vert Dec(Enc(s_v)) - s_v \Vert _2^2\)
    • SDNE 是将 \(\sum _{v \in V} \Vert Dec(Enc(s_v)) - s_v \Vert _2^2\)\(DEC(Z_u,Z_v) \cdot S_G(u,v)\) 结合起来

自编码器方法的优点
编码器依赖的 \(s_v\) 向量包含节点 \(v\) 的局部邻域的信息。这样可以让 SDNE 和 DNGR 将一个节点的局部邻域的结构信息以正则化项的形式直接纳入编码器中。此功效是 shallow embedding 无法达到的,因为它的编码器仅仅依赖于节点 id

自编码器方法的局限性

  • 自编码器的输入维度固定为 \(\vert V \vert\),计算成本非常大
  • 自编码器的结构和尺寸都是固定的,所以 SDNE 和 DNGR 都无法嵌入新的节点

2.3.2 Neighborhood aggregation and convolutional encoders

Neighborhood Aggregation(NA) 通过聚合一个节点的局部邻域的信息来产生一个节点的嵌入,它依赖于节点特征或属性来生成嵌入。

技术分享图片

算法思路
在编码阶段,NA 会通过一种迭代的方式来生成 Node Representation

  1. node embeddings 初始化为节点的属性
  2. 编码器算法的每次循环中,节点都会使用一个 aggregation function 聚合其邻居的 embeddings
  3. 一轮聚合操作结束后,每个节点会被更新为一个新的嵌入,就是该节点领域向量与该节点前次迭代中的 embedding 的组合
  4. 最后,将 combined embedding 输入到稠密神经网络中去,然后重复该过程。

有这几个方法遵循上述算法框架:Graph Convolutional Networks (GCN)[35, 36, 53, 56], Column Networks[50], GraphSAGE[29]
算法 1 中的可训练参数是:一组 aggregation functions 和 一组权重矩阵(\(W_k, k \in [1,K]\)),这些参数是可以被所有节点共享的
相同的 aggregation function 和 weight matrix 被用以生成所有节点的 embeddings

GraphSAGE,Column Networks 和各种GCN方法均遵循算法1,但主要区别在于 Aggregation(算法1第4行)和 Vector Combination(算法1第5行)的方式:

  • GraphSAGE在 Aggregation 中使用串联,并允许使用常规聚合功能;作者尝试使用元素平均,最大池神经网络和LSTM [32]作为聚合器。他们发现更复杂的聚合器,尤其是 Max-pooling Neural Network 效果显著
  • GCN 和 Column Networks 在 Vector Combination 中使用了加权和,在 Aggregation 中使用了(加权)逐元素平均值

References

[1] A.Ahmed,N.Shervashidze,S.Narayanamurthy,V.Josifovski,andA.J.Smola.Distributedlarge-scalenaturalgraph factorization. In WWW, 2013.
[2] R. Angles and C. Gutierrez. Survey of graph database models. ACM Computing Surveys, 40(1):1, 2008.
[3] L.BackstromandJ.Leskovec.Supervisedrandomwalks:predictingandrecommendinglinksinsocialnetworks.In WSDM, 2011.
[4] M.BelkinandP.Niyogi.Laplacianeigenmapsandspectraltechniquesforembeddingandclustering.InNIPS,2002.
[5] A.R. Benson, D.F. Gleich, and J. Leskovec. Higher-order organization of complex networks. Science, 353(6295):163–166, 2016.
[6] S. Bhagat, G. Cormode, and S. Muthukrishnan. Node classification in social networks. In Social Network Data Analytics, pages 115–148. 2011.
[7] M. M. Bronstein, J. Bruna, Y. LeCun, A. Szlam, and P. Vandergheynst. Geometric deep learning: Going beyond euclidean data. IEEE Signal Processing Magazine, 34(4):18–42, 2017.
[8] J. Bruna, W. Zaremba, and Y. Szlam, A.and LeCun. Spectral networks and locally connected networks on graphs. In ICLR, 2014.
[9] S.Cao,W.Lu,andQ.Xu.Grarep:Learninggraphrepresentationswithglobalstructuralinformation.InKDD,2015.
[10] S. Cao, W. Lu, and Q. Xu. Deep neural networks for learning graph representations. In AAAI, 2016.
[11] B.P.Chamberlain,J.Clough,andM.P.Deisenroth.Neuralembeddingsofgraphsinhyperbolicspace.arXivpreprint arXiv:1705.10359, 2017.
[12] S. Chang, W. Han, J. Tang, G. Qi, C.C. Aggarwal, and T.S. Huang. Heterogeneous network embedding via deep architectures. In KDD, 2015.
[13] H. Chen, B. Perozzi, Y. Hu, and S. Skiena. Harp: Hierarchical representation learning for networks. arXiv preprint arXiv:1706.07845, 2017.
[14] K. Cho, B. Van Merrie ?nboer, C. Gulcehre, D. Bahdanau, F. Bougares, H. Schwenk, and Y. Bengio. Learning phrase representations using rnn encoder-decoder for statistical machine translation. In EMNLP, 2014.
[15] Fan RK Chung. Spectral Graph Theory. Number 92. American Mathematical Soc., 1997.
[16] H. Dai, B. Dai, and L. Song. Discriminative embeddings of latent variable models for structured data. In ICML, 2016.
[17] M.C.F. De Oliveira and H. Levkowitz. From visual data exploration to visual data mining: a survey. IEEE Transactions on Visualization and Computer Graphics, 9(3):378–394, 2003.
[18] M. Defferrard and P. Bresson, X.and Vandergheynst. Convolutional neural networks on graphs with fast localized spectral filtering. In NIPS, 2016.
[19] Y. Dong, N.V. Chawla, and A. Swami. metapath2vec: Scalable representation learning for heterogeneous networks. In KDD, 2017.
[20] C.Donnat,M.Zitnik,D.Hallac,andJ.Leskovec.Learningstructuralnodeembeddingsviadiffusionwavelets.arXiv preprint arXiv:1710.10321, 2017.
[21] D. Duvenaud, D. Maclaurin, J. Iparraguirre, R. Bombarell, T. Hirzel, A. Aspuru-Guzik, and R.P. Adams. Convolu- tional networks on graphs for learning molecular fingerprints. In NIPS, 2015.
[22] M. Ester, H. Kriegel, J. Sander, X. Xu, et al. A density-based algorithm for discovering clusters in large spatial databases with noise. In KDD, 1996.
[23] S. Fortunato. Community detection in graphs. Physics Reports, 486(3):75–174, 2010.
[24] L. Getoor and B. Taskar. Introduction to Statistical Relational Learning. MIT press, 2007.
[25] J. Gilmer, S.S. Schoenholz, P.F. Riley, O. Vinyals, G.E. Dahl. Neural Message Passing for Quantum Chemistry. In ICML, 2017.
[26] M. Gori, G. Monfardini, and F. Scarselli. A new model for learning in graph domains. In IEEE International Joint Conference on Neural Networks, 2005.
[27] P. Goyal and E. Ferrara. Graph embedding techniques, applications, and performance: A survey. arXiv preprint arXiv:1605.09096, 2017.
[28] A. Grover and J. Leskovec. node2vec: Scalable feature learning for networks. In KDD, 2016.
[29] W.L. Hamilton, R. Ying, and J. Leskovec. Inductive representation learning on large graphs. arXiv preprint, arXiv:1603.04467, 2017.
[30] K. Henderson, B. Gallagher, T. Eliassi-Rad, H. Tong, S. Basu, L. Akoglu, D. Koutra, C. Faloutsos, and L. Li. Rolx: structural role extraction & mining in large graphs. In KDD, 2012.
[31] G.HintonandR.Salakhutdinov.Reducingthedimensionalityofdatawithneuralnetworks.Science,313(5786):504–507, 2006.
[32] S. Hochreiter and J. Schmidhuber. Long short-term memory. Neural Computation, 9(8):1735–1780, 1997.
[33] P.Hoff,A.E.Raftery,andM.S.Handcock.Latentspaceapproachestosocialnetworkanalysis.JASA,97(460):1090– 1098, 2002.
[34] S. Kearnes, K. McCloskey, M. Berndl, V. Pande, and P. Riley. Molecular graph convolutions: moving beyond fingerprints. Journal of Computer-Aided Molecular Design, 30(8):595–608, 2016.
[35] T.N. Kipf and M. Welling. Semi-supervised classification with graph convolutional networks. In ICLR, 2016.
[36] T.N. Kipf and M. Welling. Variational graph auto-encoders. In NIPS Workshop on Bayesian Deep Learning, 2016.
[37] J.B. Kruskal. Multidimensional scaling by optimizing goodness of fit to a nonmetric hypothesis. Psychometrika, 29(1):1–27, 1964.
[38] J.A. Lee and M. Verleysen. Nonlinear dimensionality reduction. Springer Science & Business Media, 2007.
[39] Y. Li, D. Tarlow, M. Brockschmidt, and R. Zemel. Gated graph sequence neural networks. In ICLR, 2015.
[40] D. Liben-Nowell and J. Kleinberg. The link-prediction problem for social networks. Journal of the Association for Information Science and Technology, 58(7):1019–1031, 2007.
[41] Q. Lu and L. Getoor. Link-based classification. In ICML, volume 3, pages 496–503, 2003.
[42] K. Murphy, Y. Weiss, and M. Jordan. Loopy belief propagation for approximate inference: An empirical study. In UAI, 1999.
[43] M. Nickel, K. Murphy, V. Tresp, and E. Gabrilovich. A review of relational machine learning for knowledge graphs. Proceedings of the IEEE, 104(1):11–33, 2016.
[44] M. Niepert, M. Ahmed, and K. Kutzkov. Learning convolutional neural networks for graphs. In ICML, 2016.
[45] M. Ou, P. Cui, J. Pei, Z. Zhang, and W. Zhu. Asymmetric transitivity preserving graph embedding. In KDD, 2016.
[46] A. Paranjape, A. R. Benson, and J. Leskovec. Motifs in temporal networks. In WSDM, 2017.
[47] B. Perozzi, R. Al-Rfou, and S. Skiena. Deepwalk: Online learning of social representations. In KDD, 2014.
[48] B. Perozzi, V. Kulkarni, and S. Skiena. Walklets: Multiscale graph embeddings for interpretable network classifica- tion. arXiv preprint arXiv:1605.02115, 2016.
[49] Bryan Perozzi. Local Modeling of Attributed Graphs: Algorithms and Applications. PhD thesis, Stony Brook University, 2016.
[50] T. Pham, T. Tran, D.Q. Phung, and S. Venkatesh. Column networks for collective classification. In AAAI, 2017.
[51] L.F.R. Ribeiro, P.H.P. Saverese, and D.R. Figueiredo. struc2vec: Learning node representations from structural
identity. In KDD, 2017.
[52] F. Scarselli, M. Gori, A.C. Tsoi, M. Hagenbuchner, and G. Monfardini. The graph neural network model. IEEE
Transactions on Neural Networks, 20(1):61–80, 2009.
[53] M.Schlichtkrull,T.N.Kipf,P.Bloem,R.vandenBerg,I.Titov,andM.Welling.Modelingrelationaldatawithgraph
convolutional networks. arXiv preprint arXiv:1703.06103, 2017.
[54] J. Tang, M. Qu, M. Wang, M. Zhang, J. Yan, and Q. Mei. Line: Large-scale information network embedding. In WWW, 2015.
[55] J. Tenenbaum, V. De Silva, and J. Langford. A global geometric framework for nonlinear dimensionality reduction. Science, 290(5500):2319–2323, 2000.
[56] R. van den Berg, T.N. Kipf, and M. Welling. Graph convolutional matrix completion. arXiv preprint arXiv:1706.02263, 2017.
[57] L. van der Maaten and G. Hinton. Visualizing data using t-sne. JMLR, 9:2579–2605, 2008.
[58] S.V.N. Vishwanathan, N.N. Schraudolph, R. Kondor, and K.M. Borgwardt. Graph kernels. JMLR, 11:1201–1242, 2010.
[59] D. Wang, P. Cui, and W. Zhu. Structural deep network embedding. In KDD, 2016.
[60] Z. Yang, W. Cohen, and R. Salakhutdinov. Revisiting semi-supervised learning with graph embeddings. In ICML, 2016.
[61] M. Zitnik and J. Leskovec. Predicting multicellular function through multi-layer tissue networks. Bioinformatics, 2017.

Representation Learning on Graphs: Methods and Applications

原文:https://www.cnblogs.com/luyunan/p/12430750.html

(0)
(0)
   
举报
评论 一句话评论(0
关于我们 - 联系我们 - 留言反馈 - 联系我们:wmxa8@hotmail.com
© 2014 bubuko.com 版权所有
打开技术之扣,分享程序人生!