【论文导读】 - 关于联邦图神经网络的3篇文章

这篇具有很好参考价值的文章主要介绍了【论文导读】 - 关于联邦图神经网络的3篇文章。希望对大家有所帮助。如果存在错误或未考虑完全的地方,请大家不吝赐教,您也可以点击"举报违法"按钮提交疑问。

Federated Graph Neural Networks: Overview, Techniques and Challenges

论文信息

联邦图神经网络:概述、技术和挑战
联邦图神经网络,论文导读,神经网络,深度学习,人工智能,联邦图神经网络

原文地址:https://arxiv.org/abs/2202.07256

摘要

With its powerful capability to deal with graph data widely found in practical applications, graph neural networks (GNNs) have received significant research attention. However, as societies become in-creasingly concerned with data privacy, GNNs face the need to adapt to this new normal. This has led to the rapid development of federated graph neural networks (FedGNNs) research in recent years.Although promising, this interdisciplinary field is highly challenging for interested researchers to enter into. The lack of an insightful survey on this topic only exacerbates this problem. In this paper, we bridge this gap by offering a comprehensive survey of this emerging field. We propose a unique 3-tiered taxonomy of the FedGNNs literature to provide a clear view into how GNNs work in the context of Federated Learning (FL). It puts existing works into perspective by analyzing how graph data manifest themselves in FL settings, how GNN training is performed under different FL system architectures and degrees of graph data overlapacross data silo, and how GNN aggregation is performed under various FL settings. Through discussions of the advantages and limitations of existingworks, we envision future research directions that can help build more robust, dynamic, efficient, and interpretable FedGNNs.

图神经网络( GNNs )凭借其强大的处理实际应用中广泛存在的图数据的能力,受到了广泛的研究关注。然而,随着社会越来越关注数据隐私,GNNs面临着适应这种新常态的需要。这导致了近年来联邦图神经网络( FedGNNs )研究的快速发展。虽然前景广阔,但这一跨学科领域感兴趣的研究者来说是极具挑战性的。对这一领域缺乏深入的调查只会加剧这一问题。在本文中,我们通过提供对这一新兴领域的全面调查来弥补这一差距。我们对FedGNNs文献提出了一个独特的3层分类法,以提供对GNNs如何在联邦学习( Federation Learning,FL )背景下工作的清晰视图。通过分析图数据在FL设置中的表现形式,不同FL系统架构和图数据跨数据仓重叠程度下如何进行GNN训练,以及不同FL设置下如何进行GNN聚合,对现有工作进行了展望。通过讨论现有工作的优势和局限性,我们展望了未来的研究方向,这些方向可以帮助构建更健壮、更动态、更高效和更易于解释的联邦图神经网络。

主要内容

  • 该文提出了一种多层分类法。
    该分类法首先根据图数据与联邦学习数据拥有者之间的关系划分;然后基于不同联邦学习架构下如何执行图神经网络训练、图数据重叠程度划分,最后基于不同联邦学习设置下如何执行GNN聚合。
  • 并分析了现有FedGNN方法的优势和局限性,并讨论了未来的研究方向。

联邦图神经网络,论文导读,神经网络,深度学习,人工智能,联邦图神经网络

A federated graph neural network framework forprivacy-preserving personalization

论文信息

面向隐私保护个性化的联合图神经网络框架

联邦图神经网络,论文导读,神经网络,深度学习,人工智能,联邦图神经网络

原文地址:https://doi.org/10.1038/s41467-022-30714-9

摘要

Graph neural network (GNN) is effective in modeling high-order interactions and has been widely used in various personalized applications such as recommendation. However, mainstream personalization methods rely on centralized GNN learning on global graphs, which have considerable privacy risks due to the privacy-sensitive nature of user data. Here, we present a federated GNN framework named FedPerGNN for both effective and privacy-preserving personalization. Through a privacy-preserving model update method, we can collaboratively train GNN models based on decentralized graphs inferred from local data. To further exploit graph information beyond local interactions, we introduce a privacy-preserving graph expansion protocol to incorporate high-order information under privacy protection. Experimental results on six datasets for personalization in different scenarios show that FedPerGNN achieves 4.0% ~ 9.6% lower errors than the state-of-the-art federated personalization methods under good privacy protection. FedPerGNN provides a promising direction to mining decentralized graph data in a privacy-preserving manner for responsible and intelligent personalization.

图神经网络( Graph Neural Network,GNN )在建模高阶交互方面十分有效,已被广泛应用于推荐等各种个性化应用中。然而,主流的个性化方法依赖于全局图上的集中式GNN学习,由于用户数据的隐私敏感特性,这些方法存在相当大的隐私风险。在这里,我们提出了一个名为FedPerGNN的联邦GNN框架,用于有效和隐私保护的个性化。通过一种保护隐私的模型更新方法,我们可以基于从本地数据推断的分散图协同训练GNN模型。为了进一步利用局部交互之外的图信息,引入了一个隐私保护的图扩展协议,以在隐私保护下纳入高阶信息。在6个不同场景下的个性化数据集上的实验结果表明,在良好的隐私保护下,FedPerGNN比现有的联合个性化方法降低了4.0 % ~ 9.6 %的误差。FedPerGNN以保护隐私的方式挖掘分散的图数据,为智能个性化提供了一个很有前途的方向。

主要内容

  • 提出了一个名为FedPerGNN的联邦GNN框架,它可以通过以保护隐私的方式挖掘高阶用户-项目交互信息来支持保护隐私的个性化。
  • 开发了一种保护隐私的模型更新方法,通过局部差分隐私( LDP )和伪交互项采样方法来保护用户-项目交互信息。
  • 设计了一个隐私保护的图扩展协议,在不泄露用户隐私的情况下利用高阶图信息。
  • 在六个广泛使用的数据集上进行了不同场景下的个性化实验。
    联邦图神经网络,论文导读,神经网络,深度学习,人工智能,联邦图神经网络

Decentralized Federated Graph Neural Networks

论文信息

去中心化的联邦图神经网络

联邦图神经网络,论文导读,神经网络,深度学习,人工智能,联邦图神经网络

原文地址:https://federated-learning.org/fl-ijcai-2021/FTL-IJCAI21_paper_20.pdf

摘要

Due to the increasing importance of user-side pri-vacy, federated graph neural networks are pro-posed recently as a reliable solution for privacy-preserving data analysis by enabling the jointtraining of a graph neural network from graph-structured data located at different clients. How-ever, existing federated graph neural networks arebased on a centralized server to orchestrate thetraining process, which is unacceptable in manyreal-world applications such as building financialrisk control models across competitive banks. Inthis paper, we propose a new Decentralized Feder-ated Graph Neural Network (D-FedGNN for short)which allows multiple participants to train a graphneural network model without a centralized server.Specifically, D-FedGNN uses a decentralized par-allel stochastic gradient descent algorithm DP-SGD to train the graph neural network model ina peer-to-peer network structure. To protect privacy during model aggregation, D-FedGNN intro-duces the Diffie-Hellman key exchange method toachieve secure model aggregation between clients.Both theoretical and empirical studies show that theproposed D-FedGNN model is capable of achiev-ing competitive results compared with traditionalcentralized federated graph neural networks in thetasks of classification and regression, as well as significantly reducing time cost of the communication of model parameters.

由于用户侧隐私的重要性日益增加,最近,联邦图神经网络被提出作为隐私保护数据分析的可靠解决方案,它能够从位于不同客户端的图结构数据中联合训练图神经网络。然而,现有的联邦图神经网络都是基于一个集中的服务器来协调训练过程,这在许多实际应用中都是不可接受的,比如在竞争银行之间建立金融风险控制模型。本文提出了一种新的去中心化的Federated图神经网络(简称D - FedGNN),它允许多个参与者在没有中心化服务器的情况下训练一个图神经网络模型。具体地,D - FedGNN采用去中心化的并行随机梯度下降算法DP - SGD在对等网络结构中训练图神经网络模型。为了保护模型聚合过程中的隐私,D - FedGNN引入了Diffie -赫尔曼密钥交换方法来实现客户端之间的安全模型聚合。理论和实证研究均表明,与传统的集中式联邦图神经网络相比,所提出的D - FedGNN模型能够在分类和回归任务中获得有竞争力的结果,并显著降低了模型参数通信的时间成本。

主要内容

  • 研究了图数据上的去中心化联邦学习问题,使得多个参与者可以在不依赖中心服务器的情况下协同训练图神经网络模型;
  • 提出了一种新的基于去中心化并行随机梯度下降算法( DP-SGD )和Diffie -赫尔曼密钥交换方法的D - FedGNN模型,以实现具有隐私保护的图神经网络的去中心化学习;
  • 从理论和实证两方面研究了D - FedGNN的性能。

联邦图神经网络,论文导读,神经网络,深度学习,人工智能,联邦图神经网络文章来源地址https://www.toymoban.com/news/detail-797253.html

到了这里,关于【论文导读】 - 关于联邦图神经网络的3篇文章的文章就介绍完了。如果您还想了解更多内容,请在右上角搜索TOY模板网以前的文章或继续浏览下面的相关文章,希望大家以后多多支持TOY模板网!

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处: 如若内容造成侵权/违法违规/事实不符,请点击违法举报进行投诉反馈,一经查实,立即删除!

领支付宝红包 赞助服务器费用

相关文章

  • 关于CNN卷积神经网络

    CNN代表卷积神经网络(Convolutional Neural Network) 它是一种深度学习算法,特别适用于处理图像和视频数据。CNN由多个 卷积层、池化层和全连接层 组成,通过学习图像或视频数据的特征来进行 分类、识别或检测任务 。与传统的全连接神经网络相比,CNN的 参数数量较少 ,能够

    2023年04月09日
    浏览(33)
  • C1-3.2 关于‘神经网络’

    【注释】 彩色图像(RGB)由三原色构成,二维图像在任意一个点像素为立体三层结构,分别是红色、绿色、蓝色值,该值的范围在0∽255之间 【注释】: ​ 这张图懂了的话,神经网络就懂了80%。 分为: 输入层 隐藏层 输出层 ps:要注意的是,中间的隐藏层可以由多层组成。

    2024年01月18日
    浏览(32)
  • 【论文导读】- FederatedScope-GNN(FederatedScope-GNN:迈向统一、全面、高效的联邦图学习包)

    原文地址:https://doi.org/10.1145/3534678.3539112 The incredible development of federated learning (FL) has benefited various tasks in the domains of computer vision and natural language processing, and the existing frameworks such as TFF and FATE has made the deployment easy in real-world applications. However, federated graph learning (FGL), even thou

    2024年01月20日
    浏览(28)
  • 【论文笔记】神经网络压缩调研

     小模型,参数少,容易将ML模型部署在资源有限的设备上,但是直接训练一个好的小网络比较困难 基于参数修建和共享的方法针对模型参数的冗余性 试图取出冗余和不重要的项 基于低秩因子分解的技术使用矩阵/张量分解来估计深度学习模型的信息参数 基于传输/紧凑卷积

    2024年02月14日
    浏览(28)
  • 超图嵌入论文阅读2:超图神经网络

    原文:Hypergraph Neural Networks ——AAAI2019(CCF-A) 源码:https://github.com/iMoonLab/HGNN 500+star 贡献 :用于数据表示学习的超图神经网络 (HGNN) 框架,对超图结构中的高阶数据相关性进行编码 定义 超边卷积 来处理表示学习过程中的数据相关性 够学习考虑高阶数据结构的隐藏层表示,

    2024年02月10日
    浏览(28)
  • 图神经网络论文笔记(一)——北邮:基于学习解纠缠因果子结构的图神经网络去偏

    作者 :范少华 研究方向 :图神经网络 论文标题 : 基于学习解耦因果子结构的图神经网络去偏 论文链接 :https://arxiv.org/pdf/2209.14107.pdf         https://doi.org/10.48550/arXiv.2209.14107   大多数图神经网络(GNNs)通过学习输入图和标签之间的相关性来预测不可见图的标签。然而,

    2024年02月07日
    浏览(30)
  • 论文笔记: 循环神经网络进行速度模型反演 (未完)

    摘要 : 分享对论文的理解, 原文见 Gabriel Fabien-Ouellet and Rahul Sarkar, Seismic velocity estimation: A deep recurrent neural-network approach. Geophysics (2020) U21–U29. 作者应该是领域专家, 对地球科学的理解胜于深度学习. 为方便讨论, 等式编号保持与原文一致. common-midpoint gathers (共中心点道集): 在地

    2024年02月10日
    浏览(34)
  • 论文解读:在神经网络中提取知识(知识蒸馏)

    提高几乎所有机器学习算法性能的一种非常简单的方法是在相同的数据上训练许多不同的模型,然后对它们的预测进行平均[3]。不幸的是,使用整个模型集合进行预测是很麻烦的,并且可能在计算上过于昂贵,无法部署到大量用户,特别是如果单个模型是大型神经网络。Car

    2024年02月21日
    浏览(34)
  • 【论文导读】- Cluster-driven Graph Federated Learning over Multiple Domains(聚类驱动的图联邦学习)

    Cluster-driven Graph Federated Learning over Multiple Domains 原文链接:Cluster-driven Graph Federated Learning over Multiple Domains:https://openaccess.thecvf.com/content/CVPR2021W/LLID/papers/Caldarola_Cluster-Driven_Graph_Federated_Learning_Over_Multiple_Domains_CVPRW_2021_paper.pdf Federated Learning (FL) deals with learning a central model (i.e.

    2024年02月03日
    浏览(32)
  • []关于解决pytorch训练神经网络时显存一直增长的问题

    @[原创]关于解决pytorch训练神经网络时显存一直增长的问题 在训练自定义loss和自定义网络结构的一个模型的时候,发现模型和数据都比较简单的情况下,在训练过程中居然把24g的显卡拉爆了显存。 然后使用nvidia-smi -l观察显存变化,发现是有规律的显存一直增加,直到OOM。 在

    2024年02月14日
    浏览(33)

觉得文章有用就打赏一下文章作者

支付宝扫一扫打赏

博客赞助

微信扫一扫打赏

请作者喝杯咖啡吧~博客赞助

支付宝扫一扫领取红包,优惠每天领

二维码1

领取红包

二维码2

领红包