Topic: "graph-clustering"
benedekrozemberczki/awesome-community-detection
A curated list of community detection research papers with implementations.
Language: Python - Size: 2.21 MB - Last synced at: 10 days ago - Pushed at: about 1 year ago - Stars: 2,376 - Forks: 363

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: 18 days ago - Pushed at: 11 months ago - Stars: 2,226 - Forks: 252

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: 15 days ago - Pushed at: over 2 years ago - Stars: 799 - Forks: 136

drprojects/superpoint_transformer
Official PyTorch implementation of Superpoint Transformer introduced in [ICCV'23] "Efficient 3D Semantic Segmentation with Superpoint Transformer" and SuperCluster introduced in [3DV'24 Oral] "Scalable 3D Panoptic Segmentation As Superpoint Graph Clustering"
Language: Python - Size: 26 MB - Last synced at: 10 days ago - Pushed at: 3 months ago - Stars: 786 - Forks: 102

FanzhenLiu/Awesome-Deep-Community-Detection
Deep and conventional community detection related papers, implementations, datasets, and tools.
Size: 2.04 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 527 - Forks: 95

XiaohangZhan/cdp
Code for our ECCV 2018 work.
Language: Python - Size: 2.37 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 450 - Forks: 93

yueliu1999/HSAN
[AAAI 2023] An official source code for paper Hard Sample Aware Network for Contrastive Deep Graph Clustering.
Language: Python - Size: 1.14 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 252 - Forks: 37

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: about 2 months ago - Pushed at: over 2 years ago - Stars: 133 - Forks: 20

benedekrozemberczki/LabelPropagation
A NetworkX implementation of Label Propagation from a "Near Linear Time Algorithm to Detect Community Structures in Large-Scale Networks" (Physical Review E 2008).
Language: Python - Size: 388 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 124 - Forks: 37

Marigoldwu/PyDGC
This project is a scalable unified framework for deep graph clustering.
Language: Python - Size: 99.7 MB - Last synced at: 22 days ago - Pushed at: 23 days ago - Stars: 108 - Forks: 13

micans/mcl
MCL, the Markov Cluster algorithm, also known as Markov Clustering, is a method and program for clustering weighted or simple networks, a.k.a. graphs.
Language: C - Size: 2.41 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 96 - Forks: 14

benedekrozemberczki/EgoSplitting
A NetworkX implementation of "Ego-splitting Framework: from Non-Overlapping to Overlapping Clusters" (KDD 2017).
Language: Python - Size: 1.58 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 84 - Forks: 18

chenxuhao/ReadingList
Papers on Graph Analytics, Mining, and Learning
Size: 132 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 78 - Forks: 13

googlebaba/WWW2020-O2MAC
WWW2020-One2Multi Graph Autoencoder for Multi-view Graph Clustering
Language: Python - Size: 1.99 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 76 - Forks: 11

MaximPiessen/instagram_network_analysis
Language: Python - Size: 419 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 68 - Forks: 45

nlpub/chinese-whispers
An implementation of Chinese Whispers in Python.
Language: Python - Size: 662 KB - Last synced at: 2 days ago - Pushed at: about 1 month ago - Stars: 60 - Forks: 14

6lyc/CDNMF
Official implementation of our paper "Contrastive Deep Nonnegative Matrix Factorization for Community Detection" (ICASSP 2024)
Language: Python - Size: 37.1 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 35 - Forks: 7

FilippoMB/Simplifying-Clustering-with-Graph-Neural-Networks
Implementation of "Just Balance GNN" for graph classification and node clustering from the paper "Simplifying Clusterings with Graph Neural Networks".
Language: Python - Size: 40 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 34 - Forks: 4

RapidsAtHKUST/ppSCAN
ppSCAN: Parallelizing Pruning-based Graph Structural Clustering (ICPP'18) - by Yulin Che, Shixuan Sun and Prof. Qiong Luo
Language: C++ - Size: 117 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 30 - Forks: 14

gnthibault/Optimisation-Python
A set of notebooks related to convex optimization, variational inference and numerical methods for signal processing, machine learning, deep learning, graph analysis, bayesian programming, statistics or astronomy.
Language: Jupyter Notebook - Size: 614 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 28 - Forks: 11

nlpub/watset-java 📦
An implementation of the Watset clustering algorithm in Java.
Language: Java - Size: 13.7 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 28 - Forks: 6

mims-harvard/crank
Prioritizing network communities
Language: C++ - Size: 6.94 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 28 - Forks: 7

ZhenyuYangMQ/Awesome-Graph-Level-Learning
Awesome graph-level learning methods. Collections of commonly used datasets, papers as well as implementations are listed in this github repository. We also invite researchers interested in graph representation learning, graph regression and graph classification to join this project as contribut…
Size: 1.28 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 25 - Forks: 5

trneedham/Spectral-Gromov-Wasserstein
Graph matching and clustering by comparing heat kernels via optimal transport.
Language: Python - Size: 46.5 MB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 4

adityat/fastconsensus
Fast consensus clustering in networks
Language: Jupyter Notebook - Size: 603 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 22 - Forks: 13

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

FilippoMB/Total-variation-graph-neural-networks
Pytorch and Tensorflow implementation of TVGNN, presented at ICML 2023.
Language: Python - Size: 1.49 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 20 - Forks: 3

waynezhanghk/gacluster
Graph Agglomerative Clustering Library
Language: MATLAB - Size: 20.5 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 20 - Forks: 6

kunzhan/SCDGN
ACM MM 2023: Self-contrastive graph diffusion network
Language: Python - Size: 442 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 17 - Forks: 0

EdisonLeeeee/MAGI
[KDD 2024] Revisiting Modularity Maximization for Graph Clustering: A Contrastive Learning Perspective
Language: Python - Size: 1.2 MB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 16 - Forks: 0

ankushbhatia2/community-detect
Community detection using attribute and structural similarities.
Language: Python - Size: 16.6 KB - Last synced at: 20 days ago - Pushed at: almost 7 years ago - Stars: 14 - Forks: 6

chrisPiemonte/url2vec
Graph clustering and Node embeddings with word2vec
Language: Python - Size: 159 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 7

pyyush/GraphML
PyTorch implementation of "Cluster-GCN: An Efficient Algorithm for Training Deep and Large Graph Convolutional Networks"
Language: Python - Size: 533 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 11 - Forks: 3

DongqiFu/L-MEGA
Local Motif Clustering on Time-Evolving Graphs, KDD 2020
Language: Python - Size: 2.53 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 10 - Forks: 2

benedekrozemberczki/HullCoverConditionedUnitDiskGraph
A generator for unit disk graphs conditioned on concave hull cover.
Language: Python - Size: 13.8 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 10 - Forks: 2

HipGraph/Force2Vec
Implementation of Force2Vec method for ICDM 2020 paper titled "Force2Vec: Parallel force-directed graph embedding"
Language: Python - Size: 4.09 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 10 - Forks: 8

53RT/Highly-Connected-Subgraphs-Clustering-HCS
Language: Python - Size: 26.4 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 5

KrainskiL/CGE.jl
Julia package to Compare Graph Embeddings
Language: Julia - Size: 12.7 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 5

Pavlmits/PinkPony
Mining from git history with Pink Pony!
Language: Java - Size: 1.01 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 5

zxlearningdeep/BMGC
The source code for "Balanced Multi-Relational Graph Clustering" (BMGC) (Accepted by ACM International Conference on Multimedia)
Language: Python - Size: 47.9 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 8 - Forks: 3

uhh-lt/chinese-whispers
Implementation of the Chinese Whispers graph clustering algorithm
Language: Java - Size: 120 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 8 - Forks: 6

kuxn/graph-clustering
Parallel graph partitioning
Language: C++ - Size: 740 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 8 - Forks: 1

hiroyuki-kasai/CI-GMVC
Consistency-aware and inconsistency-aware graph-based multi-view clustering
Language: MATLAB - Size: 5.62 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 0

timothewt/AdvancedGraphClustering
Advanced Graph Clustering method documentation and implementation (From Spectral Clustering to Deep Graph Clustering)
Language: Jupyter Notebook - Size: 37.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 3

fork123aniket/Graph-Clustering-using-Graph-Neural-Networks-from-scratch
Implementation of Graph pooling and clustering operation using Graph Neural Networks in PyTorch
Language: Python - Size: 13.7 KB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

doctor-phil/analyzing-economic-networks
Tutorial introduction to economic network analysis and graph clustering in python with networkx
Language: Jupyter Notebook - Size: 2.87 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 4

he-tiantian/FSPGA
Algorithm FSPGA published in IEEE TFS (2018)-Graph clustering, community detection, attributed graph, fuzzy clustering, fuzzy graph analytics
Size: 3.86 MB - Last synced at: 12 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 2

cjpcool/SAMGC
The source code of paper "Shared-Attribute Multi-Graph Clustering with Global Self-Attention"
Language: Python - Size: 23.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

simoncharmms/crmrr
We present a new rank-based metric for embedding based Knowledge Graph Completion models.
Language: Python - Size: 11 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

yisiyu95/R2FGC
[Accepted by TNNLS] Source Code for Relational Redundancy-Free Graph Clustering
Language: Python - Size: 23.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 2

pnnl/cuVite
Multi-GPU Graph Community Detection using CUDA
Language: C++ - Size: 79.1 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 4

sungnyun/Epidemics-Detection-GKG 📦
Real-time and Explainable Detection of Epidemics with Global News Data, ICML 2022 Workshop on Healthcare AI and COVID-19
Language: Python - Size: 7.81 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

he-tiantian/CCPMVFGC
Contextual correlation preserving multi-view featured graph clustering-IEEE TCYB (2019), Graph clustering, community detection, attributed graph, multi-view featured graph, graph analytics
Size: 1.94 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

xingsumq/community-detection-NSA
The source code of a community detection method for paper "Neighbor Similarity Based Agglomerative Method for Community Detection in Networks".
Language: Python - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

angeligareta/data-mining-overview
Projects developed for the course Data Mining in KTH Royal Institute of Technology, including algorithms to find similar items, discover frequent itemsets, mine graph data streams and analyze graph spectra.
Language: Jupyter Notebook - Size: 6.46 MB - Last synced at: 5 days ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

leesael/PS-MCL
PS-MCL : Parallel Shotgun Coarsening Markov Clustering for Fast and Efficient Graph Clustering
Language: Java - Size: 89.7 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

sg0/nido
Batched Graph Clustering using Louvain Method on multiple GPUs.
Language: C++ - Size: 146 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 1

he-tiantian/MISAGA
Algorithm MISAGA published in IEEE TCYB (2017)-Graph clustering, community detection, attributed graph, graph analytics
Size: 5.5 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 3

piotrpersona/gg
Github users community detection
Language: Go - Size: 3.2 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

rdolor/research-collections
Contains a collection of my experimentations, explorations, and data analysis of random datasets
Language: HTML - Size: 9.73 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

RapidsAtHKUST/AccTriCnt
Accelerating All-Edge Common Neighbor Counting on Three Processors (ICPP'19) - By Yulin Che, Zhuohang Lai, Shixuan Sun, Prof. Qiong Luo and Yue Wang
Language: C++ - Size: 2.66 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1

KuroginQin/ICD
[TKDD'23] Demo code of the paper entitled "Towards a Better Trade-Off between Quality and Efficiency of Community Detection: An Inductive Embedding Method across Graphs", which has been accepted by ACM TKDD
Language: Python - Size: 61.5 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

amjadseyedi/RAsNMF Fork of rabdollahi/RAsNMF
Asymmetric Semi-Nonnegative Matrix Factorization for Directed Graph Clustering
Language: MATLAB - Size: 1.02 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

arpanisi/UQ_Dynamics
Uncertainty Quantification in Large Dynamical Systems
Language: Python - Size: 2.38 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

sankarshan-bhat/graph-clustering
This repository provides classic clustering algorithms and various internal cluster quality validation metrics and also visualization capabilities to analyse the clustering results
Language: Python - Size: 2.69 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

feilong0309/EvaluationFramework
Evaluation Framework for Graph Sample Clustering
Language: Python - Size: 17.1 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 3

drod-96/efficient_clustering
Efficient clustering approch to identify optimal heat consumers clusters within the DHNs
Language: Python - Size: 11.7 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

linhthi/clustering_gnn
Codebase for graph clustering using GNN
Language: Python - Size: 23.4 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

juanwulu/admon
✈ ADMON is short for Adaptive Deep Modularity Network, a data-driven graph model which is capable of simultaneously learning airport connections and clustering based on the delay patterns.
Language: Python - Size: 2.54 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

enggiqbal/pubmedviz
Language: C++ - Size: 54.8 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 2

filyp/krakow
Well balanced hierarchical graph clustering
Language: Python - Size: 568 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

he-tiantian/MSPANC
Multi-source propagation aware network clustering (MSPANC) published in Neurocomputing 2021
Size: 252 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

AAnirudh07/Visual-Approaches-for-Clustering-Tendency-Assessment-of-Graph-Data
Visual-Approaches-for-Clustering-Tendency-Assessment-of-Graph-Data
Language: MATLAB - Size: 24.4 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

kkonevets/ego
Visualize different graph clustering algorithms in adjacency matrix interactive plot
Language: Python - Size: 17.6 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

gomezlab/kinotypeClusteringAndRegression
Joint Repository of GR Metrics Regression and Kinase Interaction Network (KIN) Clustering
Language: Jupyter Notebook - Size: 236 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

lucaseliascrocha/Twitter-Topics-Identification
Final graduation project.
Language: Jupyter Notebook - Size: 28.5 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

feilong0309/Streaming_graph_sampling
streaming graph sampling
Language: Python - Size: 8.35 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

Behrouz-Babaki/Pigeon
A solver for a class of constrained graph clustering problems
Language: Python - Size: 26.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

Behrouz-Babaki/graph_clustering
A solver for a class of constrained graph clustering problems
Language: TeX - Size: 26.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 1
