Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: graphsage

YeonwooSung/PyTorch_GNN_Implementation

PyTorch implementation of GNN models

Language: Jupyter Notebook - Size: 14.1 MB - Last synced: 21 days ago - Pushed: 21 days ago - Stars: 9 - Forks: 2

alibaba/euler

A distributed graph deep learning framework.

Language: C++ - Size: 2.49 MB - Last synced: 21 days ago - Pushed: 10 months ago - Stars: 2,876 - Forks: 559

YinzhenWan/recome_wan

用pytorch 方法复现了二十多个经典的推荐算法论文,其中包含排序论文和推荐召回论文,并在demo里面选了一个召回模型和排序模型的运行示例。

Language: Python - Size: 783 KB - Last synced: 29 days ago - Pushed: about 1 year ago - Stars: 28 - Forks: 3

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: 24 days ago - Pushed: about 2 years ago - Stars: 23 - Forks: 2

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: 20 days ago - Pushed: about 3 years ago - Stars: 515 - Forks: 113

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: about 1 month ago - Pushed: over 1 year ago - Stars: 776 - Forks: 133

benedekrozemberczki/GraphWaveletNeuralNetwork

A PyTorch implementation of "Graph Wavelet Neural Network" (ICLR 2019)

Language: Python - Size: 4.15 MB - Last synced: about 1 month ago - Pushed: about 1 year ago - Stars: 559 - Forks: 114

HuichuanLI/GraphNeuralNetWork

玩转图神经网络和知识图谱的相关算法:GCN,GAT,GAFM,GAAFM,GraphSage,W2V,TRANSe

Language: Jupyter Notebook - Size: 16.3 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 23 - Forks: 6

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: about 1 month ago - Pushed: about 4 years ago - Stars: 331 - Forks: 64

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: about 2 months ago - Pushed: about 2 months 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: 28 days ago - Pushed: 8 months ago - Stars: 0 - Forks: 1

kkonevets/gscounting

Multi-label propagation on graphs with GraphSage

Language: C++ - Size: 456 KB - Last synced: about 2 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

XiaShan1227/GNN-Tutorial

B站GNN教程资料

Language: Jupyter Notebook - Size: 25 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 29 - Forks: 4

benedekrozemberczki/SGCN

A PyTorch implementation of "Signed Graph Convolutional Network" (ICDM 2018).

Language: Python - Size: 13 MB - Last synced: about 1 month ago - Pushed: about 1 year ago - Stars: 267 - Forks: 59

shenweichen/GraphNeuralNetwork

Implementation and experiments of graph neural netwokrs, like gcn,graphsage,gat,etc.

Language: Python - Size: 5.35 MB - Last synced: 2 months ago - Pushed: over 1 year ago - Stars: 753 - Forks: 181

ay1141982112/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: 3 months ago - Pushed: about 4 years ago - Stars: 9 - Forks: 2

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: 2 months ago - Pushed: 2 months ago - Stars: 3 - Forks: 1

benedekrozemberczki/GAM

A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).

Language: Python - Size: 2.9 MB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 264 - Forks: 57

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: 5 months ago - Pushed: 5 months 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: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

meongju0o0/graphsage-on-docker

running graphsage on docker container

Language: Python - Size: 17.6 KB - Last synced: 5 months ago - Pushed: 5 months 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: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

liamhbyrne/Graph4StackOverflow

Graph Neural Networks for Expertise Classification on Stack Overflow

Language: Jupyter Notebook - Size: 131 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 8 - Forks: 0

bkj/pytorch-graphsage

Representation learning on large graphs using stochastic graph convolutions.

Language: Python - Size: 6.36 MB - Last synced: 7 months ago - Pushed: about 6 years ago - Stars: 138 - Forks: 30

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: 8 months ago - Pushed: almost 2 years ago - Stars: 437 - Forks: 84

Moritz-Link/BookRecommendation

Django Application of a Book Recommendation Graph Network (GraphSAGE)

Language: Python - Size: 36.1 MB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

atsushi-green/station2vec

learning station embedding

Language: Python - Size: 644 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

meongju0o0/distdgl-on-docker

Dist-DGL running on wsl2, minikube with single machine

Language: Python - Size: 137 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

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: 8 months ago - Pushed: over 1 year ago - Stars: 24 - Forks: 5

asultans/DRUG-GRAPH

GraphSAGE Implementation with Jumping Connections

Language: Jupyter Notebook - Size: 98.6 KB - Last synced: 9 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

anticipated-lotus/GNN

Graph Neural Network predicting the chemical composition of organism across the tree of life.

Language: Jupyter Notebook - Size: 3.93 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 1 - 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: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

wilcoln/graphsage

Reproduction of the paper "Inductive Representation Learning on Large Graphs"

Language: Python - Size: 42.1 MB - Last synced: 10 months ago - Pushed: about 2 years ago - Stars: 5 - Forks: 4

Firyuza/GraphSAGE

Graph Neural Networks

Language: Python - Size: 668 KB - Last synced: 10 months ago - Pushed: almost 4 years ago - Stars: 65 - Forks: 7

Rishujamaiyar/Similarity-Detection-using-Graph-SAGE-Python

Explained Graph Embedding generation and link prediction

Language: Jupyter Notebook - Size: 59.6 KB - Last synced: 11 months ago - Pushed: over 3 years ago - Stars: 3 - Forks: 2

Rishujamaiyar/Graph_Clustering

Graph Clustering using different techniques. [Node2vec, GraphSAGE, Agglomerative]

Language: Jupyter Notebook - Size: 1.1 MB - Last synced: 11 months ago - Pushed: almost 3 years ago - Stars: 2 - Forks: 0

jamesYu365/grahsage

A PyTorch implementation of GraphSAGE

Language: Python - Size: 9.77 KB - Last synced: 11 months ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

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: 11 months ago - Pushed: over 1 year ago - Stars: 3 - Forks: 1

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: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

tk-rusch/gradientgating

Gradient gating (ICLR 2023)

Language: Python - Size: 241 KB - Last synced: 12 months ago - Pushed: about 1 year ago - Stars: 33 - Forks: 2

aravi11/funcGNN

CFG based program similarity using Graph Neural Networks

Language: Python - Size: 18.7 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 25 - Forks: 7

raunakkmr/GraphSAGE-and-GAT-for-link-prediction

GraphSAGE and GAT for link prediction.

Language: Jupyter Notebook - Size: 12.5 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 51 - Forks: 14

quqixun/GNN-Pytorch

GNN方法和模型的Pytorch实现。Pytorch implementation of GNN.

Language: Python - Size: 5.25 MB - Last synced: over 1 year ago - Pushed: over 3 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: over 1 year ago - Pushed: about 3 years ago - Stars: 27 - Forks: 6

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: over 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

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: over 1 year ago - Pushed: almost 2 years ago - Stars: 14 - Forks: 1

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: over 1 year ago - Pushed: about 3 years ago - Stars: 19 - Forks: 6

Jash-2000/Dark-Web-analysis

Research Project I completed under Dr Vinti Agrawal at BITS Pilani.

Language: Jupyter Notebook - Size: 186 MB - Last synced: over 1 year ago - Pushed: about 3 years ago - Stars: 9 - Forks: 0

raunakkmr/GraphSAGE

PyTorch implementation of GraphSAGE.

Language: Python - Size: 21.5 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 20 - Forks: 3

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: over 1 year ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

amilovanovikj/GraphSAGELinkPredictionDBpediaArtists

Link prediction on the DBpedia graph of musical artists using GraphSAGE

Language: Jupyter Notebook - Size: 8.55 MB - Last synced: over 1 year ago - Pushed: about 3 years ago - Stars: 3 - Forks: 0

wahlby-lab/spage2vec

Language: Jupyter Notebook - Size: 57.3 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 11 - Forks: 4

Aveek-Saha/VIRALIQ

Code implementation & CLI tool for the paper: "Graph Based Temporal Aggregation for Video Retrieval"

Language: Python - Size: 1010 KB - Last synced: 23 days ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

farkoo/Graph-Mining

Graph Mining course @ IUT-4001

Language: Jupyter Notebook - Size: 1.22 MB - Last synced: 12 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

Pilladian/link-stealing-attack

Bachelor Thesis

Language: TeX - Size: 56.4 MB - Last synced: over 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

NIRVANALAN/graphsage-pytorch

pytorch version of graphsage

Language: Python - Size: 6.35 MB - Last synced: over 1 year ago - Pushed: over 4 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: over 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

Related Keywords
graphsage 57 gcn 22 pytorch 15 gnn 14 graph-neural-networks 13 gat 12 deep-learning 9 node2vec 8 graph 7 pytorch-geometric 6 deepwalk 6 graph-convolutional-networks 6 dgl 6 machine-learning 5 graph-convolution 4 message-passing 3 link-prediction 3 python3 3 graph-attention 3 graph-neural-network 3 neural-network 3 gpt2 3 graph-embedding 3 docker 3 iclr 3 node-classification 2 tensorflow 2 transformer 2 graph2vec 2 gpt3 2 sklearn 2 graph-attention-networks 2 clustering 2 networkx 2 network-embedding 2 recommender-system 2 pinsage 2 geometric-deep-learning 2 nlp 2 recommendation-system 2 gnns 2 node2vec-embeddings 2 line 2 gatv2 2 fastgcn 2 python 1 linkprediction 1 cosine-similarity 1 agglomerative-clustering 1 earnings-calls 1 embedding-algorithms 1 graphclustering 1 graphembedding 1 lda 1 sentence-transformers 1 transfomers 1 graph-sampling 1 ipdps 1 jk-net 1 django 1 embeddings 1 vae 1 distributed-learning 1 invoice-parser 1 key-information-extraction 1 mc-ocr 1 phobert-extraction 1 receipt-reader 1 text-detection 1 text-recognition 1 vietnamese-ocr 1 hinsage 1 metabolomics 1 natural-products 1 stellargraph 1 cricket-dataset 1 explained 1 accelerator 1 fpga 1 hardware-acceleration 1 crime-data 1 crime-prediction 1 dark-web 1 graph-ml 1 pyspark 1 scikit-learn 1 dbpedia 1 musical-artists 1 musical-genres 1 in-situ-hybridization 1 in-situ-sequencing 1 spatial-data-analysis 1 msr-vtt 1 resnet 1 temporal-cluster 1 video 1 video-embedding 1 video-retrieval 1 graph-mining 1 link-stealing-attack 1