Topic: "node-classification"
THUDM/CogDL
CogDL: A Comprehensive Library for Graph Deep Learning (WWW 2023)
Language: Python - Size: 9.8 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 1,795 - Forks: 308
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: 7 months ago - Pushed at: about 3 years ago - Stars: 799 - Forks: 136
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: 8 days ago - Pushed at: 10 days ago - Stars: 648 - Forks: 85
qitianwu/DIFFormer
The official implementation for ICLR23 spotlight paper "DIFFormer: Scalable (Graph) Transformers Induced by Energy Constrained Diffusion"
Language: Python - Size: 137 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 301 - Forks: 32
benedekrozemberczki/SGCN
A PyTorch implementation of "Signed Graph Convolutional Network" (ICDM 2018).
Language: Python - Size: 13 MB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 275 - Forks: 57
qitianwu/NodeFormer
The official implementation of NeurIPS22 spotlight paper "NodeFormer: A Scalable Graph Structure Learning Transformer for Node Classification"
Language: Jupyter Notebook - Size: 353 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 255 - Forks: 25
vuptran/graph-representation-learning
Autoencoders for Link Prediction and Semi-Supervised Node Classification (DSAA 2018)
Language: Python - Size: 17.7 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 253 - Forks: 68
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: 24 days ago - Pushed at: over 5 years ago - Stars: 228 - Forks: 75
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: 8 months ago - Pushed at: about 3 years ago - Stars: 211 - Forks: 43
mengliu1998/DeeperGNN
Official PyTorch implementation of "Towards Deeper Graph Neural Networks" [KDD2020]
Language: Python - Size: 72.3 KB - Last synced at: 8 months ago - Pushed at: about 3 years ago - Stars: 155 - Forks: 32
Zehong-Wang/Awesome-Foundation-Models-on-Graphs
A collection of graph foundation models including papers, codes, and datasets.
Size: 3.68 MB - Last synced at: 5 days ago - Pushed at: 6 months ago - Stars: 153 - Forks: 14
snap-stanford/GIB
Graph Information Bottleneck (GIB) for learning minimal sufficient structural and feature information using GNNs
Language: Jupyter Notebook - Size: 211 KB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 137 - Forks: 26
thiviyanT/torch-rgcn
A PyTorch implementation of the Relational Graph Convolutional Network (RGCN).
Language: Python - Size: 14 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 129 - Forks: 19
BorgwardtLab/TOGL
Topological Graph Neural Networks (ICLR 2022)
Language: Python - Size: 1.61 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 124 - Forks: 24
Dru-Mara/EvalNE
Source code for EvalNE, a Python library for evaluating Network Embedding methods.
Language: Python - Size: 851 KB - Last synced at: 14 days ago - Pushed at: 16 days ago - Stars: 107 - Forks: 26
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: 9 months ago - Pushed at: almost 3 years ago - Stars: 105 - Forks: 22
GemsLab/H2GCN
Boost learning for GNNs from the graph structure under challenging heterophily settings. (NeurIPS'20)
Language: Python - Size: 19.9 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 103 - Forks: 19
jhljx/CTGCN
CTGCN: k-core based Temporal Graph Convolutional Network for Dynamic Graphs (accepted by IEEE TKDE in 2020) https://ieeexplore.ieee.org/document/9240056
Language: Python - Size: 25 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 94 - Forks: 29
benedekrozemberczki/TENE
A sparsity aware implementation of "Enhanced Network Embedding with Text Information" (ICPR 2018).
Language: Python - Size: 1.93 MB - Last synced at: 9 months ago - Pushed at: over 3 years ago - Stars: 74 - Forks: 17
berlincho/RGCN-pytorch
Pytorch implementation of Relational GCN for node classification
Language: Python - Size: 239 KB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 69 - Forks: 14
qitianwu/GraphOOD-GNNSafe
The official implementation for ICLR23 paper "GNNSafe: Energy-based Out-of-Distribution Detection for Graph Neural Networks"
Language: Python - Size: 2.37 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 64 - Forks: 4
JoonHyung-Park/GraphENS
GraphENS: Neighbor-Aware Ego Network Synthesis for Class-Imbalanced Node Classification (ICLR'22)
Language: Python - Size: 383 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 59 - Forks: 5
joisino/laf
Code for "Training-free Graph Neural Networks and the Power of Labels as Features" (TMLR 2024)
Language: Python - Size: 188 KB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 58 - Forks: 7
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: 7 months ago - Pushed at: almost 3 years ago - Stars: 58 - Forks: 11
Graph-COM/GraphMaker
[TMLR] GraphMaker: Can Diffusion Models Generate Large Attributed Graphs?
Language: Python - Size: 1.86 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 57 - Forks: 7
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: 9 months ago - Pushed at: almost 3 years ago - Stars: 50 - Forks: 13
WxxShirley/LLMNodeBed
[ICML 2025] Official implementation for paper "A Comprehensive Analysis on LLM-based Node Classification Algorithms"
Language: Python - Size: 6.14 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 41 - Forks: 1
daiquocnguyen/QGNN
Quaternion Graph Neural Networks (ACML 2021) (Pytorch and Tensorflow)
Language: Python - Size: 124 MB - Last synced at: almost 3 years ago - Pushed at: about 4 years ago - Stars: 35 - Forks: 9
lgalke/lifelong-learning
Lifelong Learning of Graph Neural Networks for Open-World Node Classification
Language: Python - Size: 142 KB - Last synced at: 1 day ago - Pushed at: about 2 years ago - Stars: 31 - Forks: 5
jwu4sml/Graph-Embedding-Techniques
It provides some typical graph embedding techniques based on task-free or task-specific intuitions.
Size: 104 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 11
ytchx1999/PyG-OGB-Tricks
Bags of Tricks in OGB (node classification) with GCNs.
Language: Python - Size: 1.01 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 30 - Forks: 4
daiquocnguyen/Walk-Transformer
From Random Walks to Transformer for Learning Node Embeddings (ECML-PKDD 2020) (In Pytorch and Tensorflow)
Language: Python - Size: 86.3 MB - Last synced at: almost 3 years ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 6
benedekrozemberczki/OrbitalFeatures
A sparsity aware implementation of "Biological Network Comparison Using Graphlet Degree Distribution" (Bioinformatics 2007)
Language: Python - Size: 771 KB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 26 - Forks: 11
junwu6/DEMO-Net
DEMO-Net: Degree-specific Graph Neural Networks for Node and Graph Classification
Language: Python - Size: 106 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 26 - Forks: 8
ZhiningLiu1998/BAT
[ICML'24] BAT: 🚀 Boost Class-imbalanced Node Classification with <10 lines of Code | 从拓扑视角出发10行代码改善类别不平衡节点分类
Language: Python - Size: 122 KB - Last synced at: 8 months ago - Pushed at: about 1 year ago - Stars: 25 - Forks: 1
benedekrozemberczki/resolutions-2019
A list of data mining and machine learning papers that I implemented in 2019.
Size: 33.2 KB - Last synced at: 9 months ago - Pushed at: about 6 years ago - Stars: 21 - Forks: 10
daiquocnguyen/Caps2NE
A Capsule Network-based Model for Learning Node Embeddings (CIKM 2020)
Language: Python - Size: 170 MB - Last synced at: almost 3 years ago - Pushed at: about 5 years ago - Stars: 20 - Forks: 4
abpaudel/floorplan-graph
Room Classification on Floor Plan Graphs using Graph Neural Networks
Language: Python - Size: 38.1 KB - Last synced at: 9 months ago - Pushed at: over 4 years ago - Stars: 18 - Forks: 5
eraseai/erase
[CIKM-2024] Official code for work "ERASE: Error-Resilient Representation Learning on Graphs for Label Noise Tolerance"
Language: Python - Size: 5.85 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 2
facebookresearch/forwardgnn
This repository provides code for the paper "Forward Learning of Graph Neural Networks" (ICLR 2024).
Language: Python - Size: 425 KB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 2
sung-won-kim/TEG
The official source code for Task-Equivariant Graph Few-shot Learning (TEG) at KDD 2023.
Language: Python - Size: 69.3 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 17 - Forks: 0
NYXFLOWER/GripNet
GripNet: Graph Information Propagation on Supergraph for Heterogeneous Graphs (PatternRecognit, 2023)
Language: Python - Size: 88 MB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 16 - Forks: 2
graphprojects/CM-GCL
Source code of NeurIPS 2022 paper “Co-Modality Graph Contrastive Learning for Imbalanced Node Classification”
Language: Python - Size: 3.58 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 16 - Forks: 2
wzsong17/Signed-Network-Embedding
Language: Python - Size: 625 KB - Last synced at: almost 3 years ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 3
NSLab-CUK/Community-aware-Graph-Transformer
Community-aware Graph Transformer (CGT) is a novel Graph Transformer model that utilizes community structures to address node degree biases in message-passing mechanism and developed by NS Lab @ CUK based on pure PyTorch backend.
Language: Python - Size: 189 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 14 - Forks: 2
nicolas-hbt/versatile-embeddings
Learn Versatile Knowledge Graph Embeddings by Capturing Semantics with MASCHInE
Language: Python - Size: 898 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 14 - Forks: 3
cszhangzhen/MVPool
Hierarchical Multi-View Graph Pooling with Structure Learning(TKDE-2021)
Language: Python - Size: 1.26 MB - Last synced at: almost 3 years ago - Pushed at: about 3 years ago - Stars: 12 - Forks: 0
gulabpatel/Graph_Neural_Network
Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 0
junwu6/GRADE
Non-IID Transfer Learning on Graphs
Language: Python - Size: 13.2 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 1
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: over 2 years ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 8
llan-ml/MetaTNE
Source code for NeurIPS 2020 paper "Node Classification on Graphs with Few-Shot Novel Labels via Meta Transformed Network Embedding"
Language: Python - Size: 1.97 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 0
LirongWu/L2A
Code for ECML-PKDD 2023 paper "Learning to Augment Graph Structure for both Homophily and Heterophily Graphs"
Language: Python - Size: 3.06 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 9 - Forks: 1
cmavro/GRAD
[ECML-PKDD 2023] Train Your Own GNN Teacher: Graph-Aware Distillation on Textual Graphs
Language: Python - Size: 2.98 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 3
LirongWu/MD-GNN
Code for NCAA paper "Multi-level Disentanglement Graph Neural Network"
Language: Python - Size: 86 MB - Last synced at: 9 months ago - Pushed at: about 3 years ago - Stars: 9 - Forks: 1
xnuohz/ARMA-dgl
A DGL implementation of "Graph Neural Networks with convolutional ARMA filters". (PAMI 2021)
Language: Python - Size: 23.4 KB - Last synced at: almost 3 years ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 1
RoyKashob/LnL-GNN
[IJCNN 2021] Node Embedding using Mutual Information and Self-Supervision based Bi-level Aggregation
Language: Jupyter Notebook - Size: 802 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 8 - Forks: 1
berlincho/GCN-with-Hinton-Knowledge-Distillation
The Pytorch implementation of Graph convolution network (Kipf et.al. 2017) with vanilla Teacher-Student architecture of knowledge distillation (Hinton et.al 2015).
Language: Python - Size: 5.1 MB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 1
salimandre/graph-clustering
unsupervised clustering, generative model, mixed membership stochastic block model, kmeans, spectral clustering, point cloud data
Language: Python - Size: 4.63 MB - Last synced at: almost 3 years ago - Pushed at: almost 6 years ago - Stars: 8 - Forks: 2
AlessandraMonaco/Transductive-Node-Classification-with-GAT-NN
This project performs node classification in Pubmed and Cora citation graphs, using Graph Attention Neural Networks.
Language: Jupyter Notebook - Size: 48 MB - Last synced at: 6 months ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 1
gganssle/data-day-tx-2018
Evaluation of gender bias in a graph-based classification algorithm.
Language: Jupyter Notebook - Size: 23.6 MB - Last synced at: almost 3 years ago - Pushed at: almost 8 years ago - Stars: 7 - Forks: 4
HipGraph/MarkovGNN
PyTorch-Geometric Implementation of MarkovGNN method published in Graph Learning@WWW 2022 titled "MarkovGNN: Graph Neural Networks on Markov Diffusion"
Language: Python - Size: 1.56 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 3
junwu6/ImVerde
ImVerde: Vertex-Diminished Random Walk for Learning Imbalanced Network Representation
Language: Python - Size: 104 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 0
MicheleCattaneo/Graph-Neural-Networks-Tutorial
GNNs and STGNNs tutorials.
Language: Jupyter Notebook - Size: 3 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 5 - Forks: 1
cf020031308/LI-GNN 📦
Graph Equilibrium Networks: Unifying Label-inputted Graph Neural Networks with Deep Equilibrium Models
Language: Python - Size: 28.3 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 5 - Forks: 0
facebookresearch/glemos
This repository provides code and data for the paper "GLEMOS: Benchmark for Instantaneous Graph Learning Model Selection" (NeurIPS 2023).
Language: Python - Size: 10.8 MB - Last synced at: 10 months ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0
Toloka/TolokerGraph
Toloker Graph: Interaction of Crowd Annotators
Size: 1.66 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 0
g-despot/social-network-analyzer
A simple program that can perform social network analysis tasks on graph data.
Language: Python - Size: 346 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0
asarigun/mma
Official Implementation of Multi-Masked Aggregators for Graph Neural Networks in Pytorch and PyTorch Geometric
Language: Python - Size: 5.06 MB - Last synced at: almost 3 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0
colflip/gnns-fewshot
code implementation of GNNs in few-shot learning: GCN, GAT, GraphSAGE to the node classification task.
Language: Python - Size: 129 KB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0
farkoo/GNN-Citations
Node Classification with Graph Neural Networks
Language: Jupyter Notebook - Size: 1.16 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2
GraphResearcher/HyGCL-DC
Official source code of ICDM2023 paper "Hypergraph Contrastive Learning for Drug Trafficking Community Detection".
Language: Python - Size: 25.7 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0
guaiqihen/MVE
This project is the code for our IP&M Journal paper, Multi-view Enhanced Zero-Shot Node Classification, which is the optimized and advanced version of our IJCAI paper, KMF: Knowledge-Aware Multi-Faceted Representation Learning for Zero-Shot Node Classification.
Language: Python - Size: 73.8 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0
XsLangley/CoCoS
This is the code repository of AAAI2022 paper 'CoCoS: Enhancing Semi-Supervised Learning on Graphs with Unlabeled Data via Contrastive Context Sharing'
Language: Python - Size: 1.59 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 2
SirArthur7/GCN-ISI-Summer-School
ISI 7th Summer School Project on implementing 2-layer GCN on CORA, CiteSeer, PubMed datasets, using PyTorch, and analyzing Oversmoothing by going deep upto 1024 layers
Language: Jupyter Notebook - Size: 8.88 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0
GabrieleColapelle/Improving-GNNs-exploiting-information-of-graphs
Improving Heterogeneus Graph Transformer archiecture exploiting structural information of graph
Language: Jupyter Notebook - Size: 45.7 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0
TimKong21/MEMGRAPH-Graph-Analytics-with-NetworkX
Graph Analytics delivered by MEMGRAPH academy
Language: Jupyter Notebook - Size: 20.1 MB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0
junwu6/MARINE
Scalable Manifold-Regularized Attributed Network Embedding via Maximum Mean Discrepancy
Language: Python - Size: 236 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1
u1234x1234/KDD-Cup-2020-AutoGraph-Challenge
8th place solution to https://www.automl.ai/competitions/3
Language: Python - Size: 80.1 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 2
lucas-hc-hsu/FincGAN
Fraud detection framework combining GAN oversampling with heterogeneous GNNs to tackle class imbalance. (IEEE ICASSP 2024)
Language: Python - Size: 19.2 MB - Last synced at: 17 days ago - Pushed at: 18 days ago - Stars: 1 - Forks: 0
janggun-jeon/Scale-Regularization
SCI research article - Effects of Scale Regularization in Fraud Detection Graphs
Language: Jupyter Notebook - Size: 51.5 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0
shruti-sivakumar/Social-Media-Influence-Analysis
An analysis of social media networks using graph theory and machine learning. Investigates Facebook verified page interactions via centrality metrics, community detection, and page characterisation using structural embeddings.
Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0
himanshkr03/GraphML-Cora-Applying-Graph-Machine-Learning-to-the-Cora-Citation-Network
Graph Machine Learning on the Cora citation dataset using GNN (GCN), traditional ML models, and Genetic Algorithm for hyperparameter optimization.
Language: Jupyter Notebook - Size: 1.89 MB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
mahnoorsheikh16/Node-Classification-with-Graph-Neural-Networks
Evaluation of multiple graph neural network models—GCN, GAT, GraphSAGE, MPNN and DGI—for node classification on graph-structured data. Preprocessing includes feature normalization and adjacency-matrix regularization, and an ensemble of model predictions boosts performance. The best ensemble achieves 83.47% test accuracy.
Language: Jupyter Notebook - Size: 286 KB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0
ghimohammadr/NACFormer
NACFormer model
Language: Python - Size: 521 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0
ruisizhang123/PD_WM_GNN
[MLCAD'24] Automated Physical Design Watermarking Leveraging Graph Neural Networks & [TCAD'25] ICMarks: A Robust Watermarking Framework for Integrated Circuit Physical Design IP Protection
Language: C++ - Size: 87.8 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 1
wuzelong/RSANE
A Novel Robust Integrating Method by High-order Proximity for Self-supervised Attribute Network Embedding
Language: Jupyter Notebook - Size: 44.6 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0
psycoplankton/Fuzzy-Representation-Learning
A Fuzzy Pre-procressing layer which can be used with embeddings to enrich the information content.
Language: Jupyter Notebook - Size: 18.2 MB - Last synced at: 11 months ago - Pushed at: 11 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: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1
TAU-MLwell/TREE-G---Decision-Trees-with-Dynamic-Graph-Features
Decision trees for graph data. Implementation of the model from the paper "Decision Trees with Dynamic Graph Features".
Language: Python - Size: 143 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0
Andrewwango/neo4j-demos
Demonstrating and visualising graph data science and ML using neo4j and GDS with the Northwind and Cora datasets
Language: Jupyter Notebook - Size: 6.85 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0
LamineTourelab/Machine-Learning-with-Graphs Fork of LeilaOutem/Stanford_coLabs
Graphs are a general language for describing and analyzing entities with relations/interactions.
Language: Jupyter Notebook - Size: 1.39 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0
comojin1994/GCN
Graph Convolutional Network
Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: almost 3 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1
PinaxX/KIN
KIN (K Immediate Neighbors) is a machine learning algorithm inspired by KNN (K Nearest Neighbors) which has been adjusted to graph-structured data.
Language: Python - Size: 154 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0
AIMedLab/BioNEV Fork of ping-zhang/BioNEV
Graph Embedding Evaluation / Code and Datasets for "Graph Embedding on Biomedical Networks: Methods, Applications, and Evaluations"
Size: 27 MB - Last synced at: almost 3 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0
Lordefex/gnn-node-link-pytorch
🔍 Explore Graph Neural Networks for node classification and link prediction using PyTorch Geometric, validating models on Cora and PubMed datasets.
Size: 1.29 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0
Birunda3000/GNNs_X_GAE-S_cla
Repositório de TCC com pipeline completo para experimentos com GNNs: geração de embeddings (GAE/VGAE), avaliação com múltiplos classificadores e ambiente reproduzível via Dev Containers.
Language: Python - Size: 730 KB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0
vuptran/node-classification
Large-Scale Node Classification with PyTorch Geometric and Lightning
Language: Python - Size: 27.3 KB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0
KonNik88/gnn-node-link-pytorch
Graph Neural Networks (GCN, GraphSAGE, GAT) on Cora/PubMed with PyTorch Geometric. Node classification, link prediction, baselines, and explainability (GNNExplainer)
Language: Jupyter Notebook - Size: 1.6 MB - Last synced at: 9 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0
GeorgeM2000/Net2Net-NE Fork of NKU-IIPLab/Net2Net-NE
Source code for the paper "Zhicheng He, Jie Liu*, Na Li, and Yalou Huang. Learning Network-to-Network Model for Content-rich Network Embedding, KDD 2019."
Language: Jupyter Notebook - Size: 1.33 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
GeorgeM2000/CANE Fork of thunlp/CANE
I adapt the CANE (Context-Aware Network Embedding) model for compatibility with modern TensorFlow versions. In parallel, I investigate keyword extraction techniques as a means to significantly reduce computational costs while preserving performance comparable to the original approach.
Language: Jupyter Notebook - Size: 3.67 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0