GitHub topics: deepwalk
benedekrozemberczki/awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
Language: Python - Size: 1.79 MB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 4,793 - Forks: 737

benedekrozemberczki/awesome-community-detection
A curated list of community detection research papers with implementations.
Language: Python - Size: 2.21 MB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 2,400 - Forks: 361

BaseModelAI/cleora
Cleora AI is a general-purpose open-source model for efficient, scalable learning of stable and inductive entity embeddings for heterogeneous relational data. Created by Synerise.com team.
Language: Jupyter Notebook - Size: 27.7 MB - Last synced at: 14 days ago - Pushed at: 9 months ago - Stars: 507 - Forks: 53

benedekrozemberczki/karateclub
Karate Club: An API Oriented Open-source Python Framework for Unsupervised Learning on Graphs (CIKM 2020)
Language: Python - Size: 28 MB - Last synced at: 12 days ago - Pushed at: about 1 year ago - Stars: 2,246 - Forks: 254

benedekrozemberczki/datasets
A repository of pretty cool datasets that I collected for network science and machine learning research.
Size: 91.4 MB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 639 - Forks: 85

95-ag/graph-ml-project Fork of dannyrichy/graph-ml-project
Graph representation learning — reproducing and analyzing core methods for academic study
Language: Python - Size: 441 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

benedekrozemberczki/NMFADMM
A sparsity aware implementation of "Alternating Direction Method of Multipliers for Non-Negative Matrix Factorization with the Beta-Divergence" (ICASSP 2014).
Language: Python - Size: 7.13 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 47 - Forks: 11

shenweichen/GraphEmbedding
Implementation and experiments of graph embedding algorithms.
Language: Python - Size: 665 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 3,810 - Forks: 1,001

dsgiitr/graph_nets
PyTorch Implementation and Explanation of Graph Representation Learning papers: DeepWalk, GCN, GraphSAGE, ChebNet & GAT.
Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 1,195 - Forks: 228

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: 4 months ago - Pushed at: almost 3 years ago - Stars: 799 - Forks: 136

benedekrozemberczki/CapsGNN
A PyTorch implementation of "Capsule Graph Neural Network" (ICLR 2019).
Language: Python - Size: 4.66 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 1,255 - Forks: 199

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

benedekrozemberczki/graph2vec
A parallel implementation of "graph2vec: Learning Distributed Representations of Graphs" (MLGWorkshop 2017).
Language: Python - Size: 217 KB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 922 - Forks: 169

benedekrozemberczki/TADW
An implementation of "Network Representation Learning with Rich Text Information" (IJCAI '15).
Language: Python - Size: 1.45 MB - Last synced at: 23 days ago - Pushed at: about 3 years ago - Stars: 61 - Forks: 14

benedekrozemberczki/DANMF
A sparsity aware implementation of "Deep Autoencoder-like Nonnegative Matrix Factorization for Community Detection" (CIKM 2018).
Language: Python - Size: 2.31 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 205 - Forks: 41

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

benedekrozemberczki/MixHop-and-N-GCN
An implementation of "MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing" (ICML 2019).
Language: Python - Size: 5.06 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 405 - Forks: 56

benedekrozemberczki/GraRep
A SciPy implementation of "GraRep: Learning Graph Representations with Global Structural Information" (WWW 2015).
Language: Python - Size: 6.88 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 65 - Forks: 25

benedekrozemberczki/GEMSEC
The TensorFlow reference implementation of 'GEMSEC: Graph Embedding with Self Clustering' (ASONAM 2019).
Language: Python - Size: 10.4 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 260 - Forks: 52

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

triandicAnt/GraphEmbeddingRecommendationSystem
Python based Graph Propagation algorithm, DeepWalk to evaluate and compare preference propagation algorithms in heterogeneous information networks from user item relation ship.
Language: Python - Size: 21.5 MB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 189 - Forks: 54

xiangyue9607/BioNEV
Graph Embedding Evaluation / Code and Datasets for "Graph Embedding on Biomedical Networks: Methods, Applications, and Evaluations" (Bioinformatics 2020)
Language: Python - Size: 27 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 226 - Forks: 76

benedekrozemberczki/MUSAE
The reference implementation of "Multi-scale Attributed Node Embedding". (Journal of Complex Networks 2021)
Language: Python - Size: 19.4 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 168 - Forks: 21

benedekrozemberczki/EdMot
An implementation of "EdMot: An Edge Enhancement Approach for Motif-aware Community Detection" (KDD 2019)
Language: Python - Size: 1.14 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 133 - Forks: 20

benedekrozemberczki/role2vec
A scalable Gensim implementation of "Learning Role-based Graph Embeddings" (IJCAI 2018).
Language: Python - Size: 7.36 MB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 167 - Forks: 32

benedekrozemberczki/SEAL-CI
A PyTorch implementation of "Semi-Supervised Graph Classification: A Hierarchical Graph Perspective" (WWW 2019)
Language: Python - Size: 5.08 MB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 211 - Forks: 43

benedekrozemberczki/Splitter
A Pytorch implementation of "Splitter: Learning Node Representations that Capture Multiple Social Contexts" (WWW 2019).
Language: Python - Size: 11.4 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 213 - Forks: 44

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

benedekrozemberczki/AttentionWalk
A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).
Language: Python - Size: 1.25 MB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 325 - Forks: 47

benedekrozemberczki/APPNP
A PyTorch implementation of "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019).
Language: Python - Size: 1.2 MB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 368 - Forks: 51

xptree/NetMF
Network Embedding as Matrix Factorization: Unifying DeepWalk, LINE, PTE, and node2vec
Language: Python - Size: 1.16 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 187 - Forks: 47

benedekrozemberczki/FEATHER
The reference implementation of FEATHER from the CIKM '20 paper "Characteristic Functions on Graphs: Birds of a Feather, from Statistical Descriptors to Parametric Models".
Language: Python - Size: 14.3 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 50 - Forks: 13

benedekrozemberczki/TENE
A sparsity aware implementation of "Enhanced Network Embedding with Text Information" (ICPR 2018).
Language: Python - Size: 1.93 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 74 - Forks: 17

benedekrozemberczki/spatiotemporal_datasets
Spatiotemporal datasets collected for network science, deep learning and general machine learning research.
Size: 72.3 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 60 - Forks: 6

benedekrozemberczki/RolX
An alternative implementation of Recursive Feature and Role Extraction (KDD11 & KDD12)
Language: Python - Size: 5.06 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 70 - Forks: 20

benedekrozemberczki/walklets
A lightweight implementation of Walklets from "Don't Walk Skip! Online Learning of Multi-scale Network Embeddings" (ASONAM 2017).
Language: Python - Size: 2.99 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 105 - Forks: 22

benedekrozemberczki/diff2vec
Reference implementation of Diffusion2Vec (Complenet 2018) built on Gensim and NetworkX.
Language: Python - Size: 3.9 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 126 - Forks: 20

benedekrozemberczki/ASNE
A sparsity aware and memory efficient implementation of "Attributed Social Network Embedding" (TKDE 2018).
Language: Python - Size: 1.01 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 82 - Forks: 27

benedekrozemberczki/OrbitalFeatures
A sparsity aware implementation of "Biological Network Comparison Using Graphlet Degree Distribution" (Bioinformatics 2007)
Language: Python - Size: 771 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 26 - Forks: 11

benedekrozemberczki/GRAF
Inner product natural graph factorization machine used in 'GEMSEC: Graph Embedding with Self Clustering' .
Language: Python - Size: 1.57 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 11

benedekrozemberczki/resolutions-2019
A list of data mining and machine learning papers that I implemented in 2019.
Size: 33.2 KB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 21 - Forks: 10

benedekrozemberczki/FSCNMF
An implementation of "Fusing Structure and Content via Non-negative Matrix Factorization for Embedding Information Networks".
Language: Python - Size: 851 KB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 20 - Forks: 9

benedekrozemberczki/NestedSubtreeHash
A distributed implementation of "Nested Subtree Hash Kernels for Large-Scale Graph Classification Over Streams" (ICDM 2012).
Language: Python - Size: 151 KB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 9 - Forks: 8

benedekrozemberczki/BoostedFactorization
An implementation of "Multi-Level Network Embedding with Boosted Low-Rank Matrix Approximation" (ASONAM 2019).
Language: Python - Size: 829 KB - Last synced at: 17 days ago - Pushed at: almost 3 years ago - Stars: 36 - Forks: 13

benedekrozemberczki/M-NMF
An implementation of "Community Preserving Network Embedding" (AAAI 2017)
Language: Python - Size: 569 KB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 121 - Forks: 27

benedekrozemberczki/PDN
The official PyTorch implementation of "Pathfinder Discovery Networks for Neural Message Passing" (WebConf '21)
Language: Python - Size: 4.8 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 58 - Forks: 11

benedekrozemberczki/BANE
A sparsity aware implementation of "Binarized Attributed Network Embedding" (ICDM 2018).
Language: Python - Size: 797 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 87 - Forks: 17

januverma/Graph-Embeddings-Recommendations-DHS2019
Application of graph embeddings in recommendation system
Language: Jupyter Notebook - Size: 850 KB - Last synced at: 9 months ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 1

benedekrozemberczki/SINE
A PyTorch Implementation of "SINE: Scalable Incomplete Network Embedding" (ICDM 2018).
Language: Python - Size: 2.49 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 72 - Forks: 18

huangqianfei0916/learn_nlp
Implementations of different NLP tasks
Language: Python - Size: 2.08 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

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: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

gulabpatel/Graph_Neural_Network
Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 0

xgfs/deepwalk-c
DeepWalk implementation in C++
Language: C++ - Size: 37.1 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 98 - Forks: 16

mayankkejriwal/Geonames-embeddings
Embeddings for all geonames populated locations with population greater than 0
Size: 522 MB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 12 - Forks: 0

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

jwplayer/jwalk
:walking: Cython implementation of DeepWalk
Language: Python - Size: 247 KB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 54 - Forks: 15

Aminoid/music-recommender-system-deepwalk
Graph Embeddings for Recommender Systems
Language: Python - Size: 8.52 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 6

theadamsabra/node_embedders
Torch geometric compatible node embedders
Language: Python - Size: 40 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

GuanSuns/Graph-Embedding-Algorithms
Inverstigate different graph embedding algorithms
Language: Python - Size: 554 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

paulosantosneto/dl-bp
blueprints of deep learning
Language: Python - Size: 1010 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

RainBoltz/pySmore
A newly interpreted code of C++ project `SMORe`, which developed in Python to enhance the usage-flexibility and migration-potential.
Language: Python - Size: 980 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Pengeace/LncRNA-Disease-link
Predicting lncRNA-disease associations in heterogeneous network based on deep learning method.
Size: 477 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 12 - Forks: 6

nexus-lab/vul-detect
GitHub repository vulnerability detection and metrics.
Language: Python - Size: 90.8 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

Sam3448/Online_DeepWalk
Online DeepWalk: an improvement of MMDW for IJCAI16
Language: Java - Size: 35 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 2

pierrenodet/aruku
A Random Walk Engine for Apache Spark
Language: Scala - Size: 1.99 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 8 - Forks: 2

o-Senpai-o/Graph_neural_networks
Zero-to-hero for Graph Neural Networks
Language: Jupyter Notebook - Size: 57.6 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ki-ljl/deepwalk-kmeans
Deepwalk implements graph embedding, and uses k-means for clustering based on the embedding results.
Language: Python - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 9 - Forks: 0

vlukiyanov/pt-splitter
PyTorch implementation of Splitter graph node embeddings
Language: Python - Size: 62.5 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

Hamza-t/Classifying-Facebook-pages-using-DeepWalk-and-Node2Vec
Language: Jupyter Notebook - Size: 2.41 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

junyachen/GAIMC
Geography-Aware Inductive Matrix Completion for Personalized Point of Interest Recommendation in Smart Cities
Language: Jupyter Notebook - Size: 19.9 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 4

nilax97/col868benchmark
Benchmarking Node2vec and DeepWalk for course on Graph Neural Networks
Language: TeX - Size: 3.47 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 7 - Forks: 0

xjtu-ygq/Sohu
2022搜狐校园 情感分析 × 推荐排序 算法大赛Top12
Language: Jupyter Notebook - Size: 17.7 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

helloybz/Deepwalk-Clone
My implementation of Deepwalk in PyTorch
Language: Python - Size: 2.53 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

lukaszbrzozowski/ReLeGy
Representation Learning of Graphs in Python
Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 0

roopansh/Network-Embedding
Language: Python - Size: 7.55 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 3

julioegb/DeepWalk_vs_Node2Vec
This notebook is part of a project on Graph Embedding Techniques. It's a comparison between DeepWalk and Node2Vec using SkipGram applied to a dataset called Github Social Network. I did several tests with different p and q values for Node2Vec, the last p = 0.25 and q = 0.25 were the ones that gave me the best result.
Language: Jupyter Notebook - Size: 5.43 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Kannank97/Deep_Learning-Biological_Networks
Node Classification on Biological networks using Deep learning
Language: Python - Size: 43.1 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 3

chulhongsung/DeepWalk_R
DeepWalk with R
Language: R - Size: 33.2 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

hxtruong6/graph-embedding
Graph embedding
Language: Jupyter Notebook - Size: 34.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

EruditePanda/cherub
Tensorflow implementation of HARP (https://research.google.com/pubs/pub46519.html)
Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0
