Federated learning on graph, especially on graph neural networks (GNNs), knowledge graph, and private GNN.

Overview

Awesome-Federated-Learning-on-Graph-and-GNN-papers

federated learning on graph, especially on graph neural networks (GNNs), knowledge graph, and private GNN.

Federated Learning on Graphs

  1. [Arxiv 2019] Peer-to-peer federated learning on graphs. paper
  2. [NeurIPS Workshop 2019] Towards Federated Graph Learning for Collaborative Financial Crimes Detection. paper
  3. [Arxiv 2021] A Graph Federated Architecture with Privacy Preserving Learning. paper
  4. [Arxiv 2021] Federated Myopic Community Detection with One-shot Communication. paper

Federated Learning on Graph Neural Networks

Survey Papers

  1. [Arxiv 2021] FedGraphNN: A Federated Learning System and Benchmark for Graph Neural Networks. paper
  2. [Arxiv 2021] Federated Graph Learning -- A Position Paper. paper

Algorithm Papers

  1. [Arxiv 2020] Federated Dynamic GNN with Secure Aggregation. paper
  2. [Arxiv 2020] Privacy-Preserving Graph Neural Network for Node Classification. paper
  3. [Arxiv 2020] ASFGNN: Automated Separated-Federated Graph Neural Network. paper
  4. [Arxiv 2020] GraphFL: A Federated Learning Framework for Semi-Supervised Node Classification on Graphs. paper
  5. [Arxiv 2021] FedGNN: Federated Graph Neural Network for Privacy-Preserving Recommendation. paper
  6. [ICLR-DPML 2021] FedGraphNN: A Federated Learning System and Benchmark for Graph Neural Networks. paper code
  7. [Arxiv 2021] FL-AGCNS: Federated Learning Framework for Automatic Graph Convolutional Network Search. paper
  8. [CVPR 2021] Cluster-driven Graph Federated Learning over Multiple Domains. paper
  9. [Arxiv 2021] FedGL: Federated Graph Learning Framework with Global Self-Supervision. paper
  10. [AAAI 2022] SpreadGNN: Serverless Multi-task Federated Learning for Graph Neural Networks. paper
  11. [KDD 2021] Cross-Node Federated Graph Neural Network for Spatio-Temporal Data Modeling. paper code
  12. [Arxiv 2021] A Vertical Federated Learning Framework for Graph Convolutional Network. paper
  13. [NeurIPS 2021] Federated Graph Classification over Non-IID Graphs. paper
  14. [NeurIPS 2021] Subgraph Federated Learning with Missing Neighbor Generation. paper
  15. [CIKM 2021] Differentially Private Federated Knowledge Graphs Embedding. paper code
  16. [MICCAI Workshop 2021] A Federated Multigraph Integration Approach for Connectional Brain Template Learning. paper
  17. [TPDS 2021] FedGraph: Federated Graph Learning with Intelligent Sampling. paper

Federated Learning on Knowledge Graph

  1. [Arxiv 2020] FedE: Embedding Knowledge Graphs in Federated Setting. paper code
  2. [Arxiv 2020] Improving Federated Relational Data Modeling via Basis Alignment and Weight Penalty. paper
  3. [CIKM 2021] Federated Knowledge Graphs Embedding.paper
  4. [Arxiv 2021] Leveraging a Federation of Knowledge Graphs to Improve Faceted Search in Digital Libraries. paper

Private Graph Neural Networks

  1. [IEEE Big Data 2019] A Graph Neural Network Based Federated Learning Approach by Hiding Structure. paper
  2. [Arxiv 2020] Locally Private Graph Neural Networks. paper
  3. [Arxiv 2021] Privacy-Preserving Graph Convolutional Networks for Text Classification. paper
  4. [Arxiv 2021] GraphMI: Extracting Private Graph Data from Graph Neural Networks. paper
  5. [Arxiv 2021] Towards Representation Identical Privacy-Preserving Graph Neural Network via Split Learning. paper

Federated Learning: Survey

  1. [IEEE Signal Processing Magazine 2019] Federated Learning:Challenges, Methods, and Future Directions. paper
  2. [ACM TIST 2019] Federated Machine Learning Concept and Applications. paper
  3. [IEEE Communications Surveys & Tutorials 2020] Federated Learning in Mobile Edge Networks A Comprehensive Survey. paper

Graph Neural Networks: Survey

  1. [IEEE TNNLS 2020] A Comprehensive Survey on Graph Neural Networks. paper
  2. [IEEE TKDE 2020] Deep Learning on Graphs: A Survey. paper
  3. [AI Open] Graph Neural Networks: A Review of Methods and Applications. paper
  4. [ArXiv 2021] Graph Neural Networks in Network Neuroscience. paper -- GitHub repo of all reviewed papers
Owner
keven
keven
一个目标检测的通用框架(不需要cuda编译),支持Yolo全系列(v2~v5)、EfficientDet、RetinaNet、Cascade-RCNN等SOTA网络。

一个目标检测的通用框架(不需要cuda编译),支持Yolo全系列(v2~v5)、EfficientDet、RetinaNet、Cascade-RCNN等SOTA网络。

Haoyu Xu 203 Jan 03, 2023
GLANet - The code for Global and Local Alignment Networks for Unpaired Image-to-Image Translation arxiv

GLANet The code for Global and Local Alignment Networks for Unpaired Image-to-Image Translation arxiv Framework: visualization results: Getting Starte

stanley 29 Dec 14, 2022
LeViT a Vision Transformer in ConvNet's Clothing for Faster Inference

LeViT: a Vision Transformer in ConvNet's Clothing for Faster Inference This repository contains PyTorch evaluation code, training code and pretrained

Facebook Research 504 Jan 02, 2023
A map update dataset and benchmark

MUNO21 MUNO21 is a dataset and benchmark for machine learning methods that automatically update and maintain digital street map datasets. Previous dat

16 Nov 30, 2022
Tensorforce: a TensorFlow library for applied reinforcement learning

Tensorforce: a TensorFlow library for applied reinforcement learning Introduction Tensorforce is an open-source deep reinforcement learning framework,

Tensorforce 3.2k Jan 02, 2023
A standard framework for modelling Deep Learning Models for tabular data

PyTorch Tabular aims to make Deep Learning with Tabular data easy and accessible to real-world cases and research alike.

801 Jan 08, 2023
code for TCL: Vision-Language Pre-Training with Triple Contrastive Learning, CVPR 2022

Vision-Language Pre-Training with Triple Contrastive Learning, CVPR 2022 News (03/16/2022) upload retrieval checkpoints finetuned on COCO and Flickr T

187 Jan 02, 2023
Online Multi-Granularity Distillation for GAN Compression (ICCV2021)

Online Multi-Granularity Distillation for GAN Compression (ICCV2021) This repository contains the pytorch codes and trained models described in the IC

Bytedance Inc. 299 Dec 16, 2022
Natural Intelligence is still a pretty good idea.

Human Learn Machine Learning models should play by the rules, literally. Project Goal Back in the old days, it was common to write rule-based systems.

vincent d warmerdam 641 Dec 26, 2022
A tool to prepare websites grabbed with wget for local viewing.

makelocal A tool to prepare websites grabbed with wget for local viewing. exapmples After fetching xkcd.com with: wget -r -no-remove-listing -r -N --p

5 Apr 23, 2022
Easy and Efficient Object Detector

EOD Easy and Efficient Object Detector EOD (Easy and Efficient Object Detection) is a general object detection model production framework. It aim on p

381 Jan 01, 2023
Filtering variational quantum algorithms for combinatorial optimization

Current gate-based quantum computers have the potential to provide a computational advantage if algorithms use quantum hardware efficiently.

1 Feb 09, 2022
OHLC Average Prediction of Apple Inc. Using LSTM Recurrent Neural Network

Stock Price Prediction of Apple Inc. Using Recurrent Neural Network OHLC Average Prediction of Apple Inc. Using LSTM Recurrent Neural Network Dataset:

Nouroz Rahman 410 Jan 05, 2023
PyTorch implementation for the paper Visual Representation Learning with Self-Supervised Attention for Low-Label High-Data Regime

Visual Representation Learning with Self-Supervised Attention for Low-Label High-Data Regime Created by Prarthana Bhattacharyya. Disclaimer: This is n

Prarthana Bhattacharyya 5 Nov 08, 2022
Pytorch code for paper "Image Compressed Sensing Using Non-local Neural Network" TMM 2021.

NL-CSNet-Pytorch Pytorch code for paper "Image Compressed Sensing Using Non-local Neural Network" TMM 2021. Note: this repo only shows the strategy of

WenxueCui 7 Nov 07, 2022
Official Pytorch implementation of Meta Internal Learning

Official Pytorch implementation of Meta Internal Learning

10 Aug 24, 2022
RNN Predict Street Commercial Vitality

RNN-for-Predicting-Street-Vitality Code and dataset for Predicting the Vitality of Stores along the Street based on Business Type Sequence via Recurre

Zidong LIU 1 Dec 15, 2021
My published benchmark for a Kaggle Simulations Competition

Lux AI Working Title Bot Please refer to the Kaggle notebook for the comment section. The comment section contains my explanation on my code structure

Tong Hui Kang 29 Aug 22, 2022
FishNet: One Stage to Detect, Segmentation and Pose Estimation

FishNet FishNet: One Stage to Detect, Segmentation and Pose Estimation Introduction In this project, we combine target detection, instance segmentatio

1 Oct 05, 2022
Pytorch0.4.1 codes for InsightFace

InsightFace_Pytorch Pytorch0.4.1 codes for InsightFace 1. Intro This repo is a reimplementation of Arcface(paper), or Insightface(github) For models,

1.5k Jan 01, 2023