Topic: "graphsage"
alibaba/euler
A distributed graph deep learning framework.
Language: C++ - Size: 2.49 MB - Last synced at: 11 days ago - Pushed at: over 1 year ago - Stars: 2,899 - Forks: 557

shenweichen/GraphNeuralNetwork
Implementation and experiments of graph neural netwokrs, like gcn,graphsage,gat,etc.
Language: Python - Size: 5.35 MB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 813 - Forks: 184

benedekrozemberczki/ClusterGCN
A PyTorch implementation of "Cluster-GCN: An Efficient Algorithm for Training Deep and Large Graph Convolutional Networks" (KDD 2019).
Language: Python - Size: 14.2 MB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 799 - Forks: 135

benedekrozemberczki/GraphWaveletNeuralNetwork
A PyTorch implementation of "Graph Wavelet Neural Network" (ICLR 2019)
Language: Python - Size: 4.15 MB - Last synced at: 7 days ago - Pushed at: about 2 years ago - Stars: 592 - Forks: 117

matenure/FastGCN
The sample codes for our ICLR18 paper "FastGCN: Fast Learning with Graph Convolutional Networks via Importance Sampling""
Language: Python - Size: 4.96 MB - Last synced at: 21 days ago - Pushed at: about 4 years ago - Stars: 524 - Forks: 112

GraphSAINT/GraphSAINT
[ICLR 2020; IPDPS 2019] Fast and accurate minibatch training for deep GNNs and large graphs (GraphSAINT: Graph Sampling Based Inductive Learning Method).
Language: Python - Size: 3.78 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 437 - Forks: 84

kyzhouhzau/NLPGNN
1. Use BERT, ALBERT and GPT2 as tensorflow2.0's layer. 2. Implement GCN, GAN, GIN and GraphSAGE based on message passing.
Language: Python - Size: 205 KB - Last synced at: 9 days ago - Pushed at: 8 months ago - Stars: 335 - Forks: 66

benedekrozemberczki/SGCN
A PyTorch implementation of "Signed Graph Convolutional Network" (ICDM 2018).
Language: Python - Size: 13 MB - Last synced at: 17 days ago - Pushed at: about 2 years ago - Stars: 274 - Forks: 57

benedekrozemberczki/GAM
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).
Language: Python - Size: 2.9 MB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 273 - Forks: 57

bkj/pytorch-graphsage
Representation learning on large graphs using stochastic graph convolutions.
Language: Python - Size: 6.36 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 138 - Forks: 30

Firyuza/GraphSAGE
Graph Neural Networks
Language: Python - Size: 668 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 65 - Forks: 7

raunakkmr/GraphSAGE-and-GAT-for-link-prediction
GraphSAGE and GAT for link prediction.
Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 51 - Forks: 14

quqixun/GNN-Pytorch
GNN方法和模型的Pytorch实现。Pytorch implementation of GNN.
Language: Python - Size: 5.25 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 44 - Forks: 6

nhtsai/graph-rec
Senior Capstone Project: Graph-Based Product Recommendation
Language: Jupyter Notebook - Size: 3.57 MB - Last synced at: 6 months ago - Pushed at: about 4 years ago - Stars: 41 - Forks: 11

wey-gu/NebulaGraph-Fraud-Detection-GNN
An example project for training a GraphSAGE Model, and setup a Real-time Fraud Detection Web Service(Frontend and Backend) with NebulaGraph Database and DGL.
Language: Jupyter Notebook - Size: 487 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 35 - Forks: 3

tk-rusch/gradientgating
Gradient gating (ICLR 2023)
Language: Python - Size: 241 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 33 - Forks: 2

XiaShan1227/GNN-Tutorial
B站GNN教程资料
Language: Jupyter Notebook - Size: 25 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 29 - Forks: 4

njmarko/machine-learning-with-graphs
My solutions for Stanford University course CS224W: Machine Learning with Graphs Fall 2021 colabs (GNN, GAT, GraphSAGE, GCN)
Language: Jupyter Notebook - Size: 1.25 MB - Last synced at: 16 days ago - Pushed at: about 3 years ago - Stars: 29 - Forks: 3

HuichuanLI/GraphNeuralNetWork
玩转图神经网络和知识图谱的相关算法:GCN,GAT,GAFM,GAAFM,GraphSage,W2V,TRANSe
Language: Jupyter Notebook - Size: 16.3 MB - Last synced at: 4 days ago - Pushed at: 12 months ago - Stars: 28 - Forks: 6

YinzhenWan/recome_wan
用pytorch 方法复现了二十多个经典的推荐算法论文,其中包含排序论文和推荐召回论文,并在demo里面选了一个召回模型和排序模型的运行示例。
Language: Python - Size: 783 KB - Last synced at: 12 months ago - Pushed at: about 2 years ago - Stars: 28 - Forks: 3

aravi11/funcGNN
CFG based program similarity using Graph Neural Networks
Language: Python - Size: 18.7 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 25 - Forks: 7

manhph2211/MC-OCR
The task aims at extracting required fields in receipts captured by mobile devices :smile:
Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 5

raunakkmr/GraphSAGE
PyTorch implementation of GraphSAGE.
Language: Python - Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 20 - Forks: 3

GraphSAINT/GNN-ARCH
[ASAP 2020; FPGA 2020] Hardware architecture to accelerate GNNs (common IP modules for minibatch training and full batch inference)
Language: Verilog - Size: 743 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 19 - Forks: 6

YeonwooSung/PyTorch_GNN_Implementation
PyTorch implementation of GNN models
Language: Jupyter Notebook - Size: 14.1 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 17 - Forks: 3

wahlby-lab/spage2vec
Language: Jupyter Notebook - Size: 57.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 11 - Forks: 4

anomic1911/gcn-graphsage-benchmarking
This repo contains the experiments performed for link prediction, multi-class classification and pairwise node classification task.
Language: Jupyter Notebook - Size: 856 KB - Last synced at: 9 months ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 2

Jash-2000/Dark-Web-analysis
Research Project I completed under Dr Vinti Agrawal at BITS Pilani.
Language: Jupyter Notebook - Size: 186 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 9 - Forks: 0

liamhbyrne/Graph4StackOverflow
Graph Neural Networks for Expertise Classification on Stack Overflow
Language: Jupyter Notebook - Size: 131 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 0

JBris/nextflow-graph-machine-learning
A Nextflow pipeline demonstrating how to train graph neural networks for gene regulatory network reconstruction using DREAM5 data.
Language: Python - Size: 5.69 MB - Last synced at: 16 days ago - Pushed at: 5 months ago - Stars: 5 - Forks: 1

wilcoln/graphsage
Reproduction of the paper "Inductive Representation Learning on Large Graphs"
Language: Python - Size: 42.1 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 4

Frank-qlu/GNN
Principles of various GNN algorithms and implementation of various GNN algorithms using DGL[ GNN各种算法原理以及实现(DGL),初学者必备]
Language: Python - Size: 2.76 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 1

amilovanovikj/GraphSAGELinkPredictionDBpediaArtists
Link prediction on the DBpedia graph of musical artists using GraphSAGE
Language: Jupyter Notebook - Size: 8.55 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

Rishujamaiyar/Similarity-Detection-using-Graph-SAGE-Python
Explained Graph Embedding generation and link prediction
Language: Jupyter Notebook - Size: 59.6 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 2

anticipated-chemistry-of-life/GNN
Graph Neural Network predicting the chemical composition of organism across the tree of life.
Language: Jupyter Notebook - Size: 3.93 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

preetham-salehundam/Wikipedia-Vandalism-detection
This repo contains scripts to crawl, analyze and model wikipedia user vandalism patterns.
Language: Python - Size: 27.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Rishujamaiyar/Graph_Clustering
Graph Clustering using different techniques. [Node2vec, GraphSAGE, Agglomerative]
Language: Jupyter Notebook - Size: 1.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

0M1J/kubeflow-GNN
GNN training in kubeflow.
Language: Python - Size: 702 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 4

MohammadYasinKarbasian/Community-Detection-On-OGBN-Arxiv
This repository contains the code and results of my Machine Learning on Graphs course project, where I applied various community detection methods to the OGBN-ArXiv dataset.
Language: Jupyter Notebook - Size: 1.51 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

Linnore/GNN-Playground
Implement, test, and organize recent reseach of GNN-based methods. Enable lifecycle controlled with MLflow.
Language: Python - Size: 330 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 1

jamesYu365/grahsage
A PyTorch implementation of GraphSAGE
Language: Python - Size: 9.77 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

Aveek-Saha/VIRALIQ
Code implementation & CLI tool for the paper: "Graph Based Temporal Aggregation for Video Retrieval"
Language: Python - Size: 1010 KB - Last synced at: 14 days ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

trannhatquy/CS224W_Winter2021
CS224W Winter 2021 Machine learning with Graphs
Language: Jupyter Notebook - Size: 3.57 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

NIRVANALAN/graphsage-pytorch
pytorch version of graphsage
Language: Python - Size: 6.35 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

Moritz-Link/BookRecommendation
Django Application of a Book Recommendation Graph Network (GraphSAGE)
Language: Jupyter Notebook - Size: 36.7 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

SarahNasir54/Graph_Sage
This repository contain implementation of GraphSage using Weibo Rumor dataset
Language: Python - Size: 6.84 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Ryan-PG/citation-network-gnn
A project using Graph Neural Networks (GNNs) to classify nodes in the Cora citation network. Implements GCN and GraphSAGE models using PyTorch Geometric to classify academic papers based on citation relationships. Includes preprocessing, model training, evaluation, and visualizations.
Language: Python - Size: 628 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

msancor/SNOM
Repository made for the First Homework of the Social Networks & Online Markets Course of the Masters in Data Science Course at the Sapienza University of Rome. The main purpose of the project was studying different Social Networks properties and models along with getting hands-on experience on the use of GNNs for link and node prediction.
Language: Jupyter Notebook - Size: 4.7 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Linnore/GNN-Cora-CUHKSZAG
This repo contains Pytorch-Lightning implementations of GCN and GraphSAGE for Node Classification and Link Prediction (as a way for Recommendation System) on the Cora dataset and CUHKSZ-AG dataset.
Language: Jupyter Notebook - Size: 22.9 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

meongju0o0/graphsage-on-docker
running graphsage on docker container
Language: Python - Size: 17.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

meongju0o0/Efficient-Sampling-Techniques-for-Embedding-Large-Graphs
DGL Implementation of "Efficient Sampling Techniques for Embedding Large Graphs". KCC 2022
Language: Python - Size: 56.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

meongju0o0/DistMHAug
Official DGL Implementation of "Distributed Graph Data Augmentation Technique for Graph Neural Network". KSC 2023
Language: Python - Size: 279 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

zamirmehdi/GNN-Node-Regression
Comparative Analysis of Graph Neural Networks for Node Regression on Wiki-Squirrel dataset (bachelor's Research Project)
Language: Python - Size: 7.34 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MChatzakis/mutegenic-molecule-detection
Graph Convolution Neural Networks for Mutagenic Molecule Detection
Language: Jupyter Notebook - Size: 729 KB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

atsushi-green/station2vec
learning station embedding
Language: Python - Size: 644 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mgh5225/GraphSAGE
PyTorch implementation of Inductive Representation Learning on Large Graphs (https://arxiv.org/pdf/1706.02216.pdf)
Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

djtom98/Graph-Based-Analysis-Earnings-Calls
Prediction of abnormal return of selected publically trading pharma companies using NLP techniques and tools; special focus on graph-based representation of transcripts of a conversation.
Language: Jupyter Notebook - Size: 32.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

DanieleMorotti/Songs-recommendation-from-lyrics
A simple songs recommendation system implemented for the 'Text Mining' course at the University of Bologna.
Language: Jupyter Notebook - Size: 18.8 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

asultans/DRUG-GRAPH
GraphSAGE Implementation with Jumping Connections
Language: Jupyter Notebook - Size: 98.6 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

farkoo/Graph-Mining
Graph Mining course @ IUT-4001
Language: Jupyter Notebook - Size: 1.22 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Pilladian/link-stealing-attack
Bachelor Thesis
Language: TeX - Size: 56.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

kkonevets/gscounting
Multi-label propagation on graphs with GraphSage
Language: C++ - Size: 456 KB - Last synced at: 15 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0
