Ecosyste.ms: Repos

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

GitHub topics: node-classification

THUDM/CogDL

CogDL: A Comprehensive Library for Graph Deep Learning (WWW 2023)

Language: Python - Size: 9.8 MB - Last synced: 5 days ago - Pushed: 4 months ago - Stars: 1,690 - Forks: 313

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

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

he-tiantian/PMP-GNNs

Pytorch implementation of Polarized message-passing graph neural networks published in Artificial Intelligence, 2024.

Language: Python - Size: 31.8 MB - Last synced: 17 days ago - Pushed: 18 days ago - Stars: 0 - Forks: 0

benedekrozemberczki/datasets

A repository of pretty cool datasets that I collected for network science and machine learning research.

Size: 91.4 MB - Last synced: 15 days ago - Pushed: 2 months ago - Stars: 586 - Forks: 87

eraseai/erase

[Arxiv-2023] Official code for work "ERASE: Error-Resilient Representation Learning on Graphs for Label Noise Tolerance"

Language: Python - Size: 5.84 MB - Last synced: 24 days ago - Pushed: 25 days ago - Stars: 18 - Forks: 2

cf020031308/LI-GNN

Graph Equilibrium Networks: Unifying Label-inputted Graph Neural Networks with Deep Equilibrium Models

Language: Python - Size: 28.3 KB - Last synced: 25 days ago - Pushed: 25 days ago - Stars: 5 - Forks: 0

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: 179 KB - Last synced: 11 days ago - Pushed: 28 days ago - Stars: 9 - Forks: 2

NamyongPark/forwardgnn-datasplits

This repository provides data splits for the paper "Forward Learning of Graph Neural Networks" (ICLR 2024).

Size: 131 MB - Last synced: 28 days ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

facebookresearch/forwardgnn

This repository provides code for the paper "Forward Learning of Graph Neural Networks" (ICLR 2024).

Language: Python - Size: 425 KB - Last synced: 28 days ago - Pushed: 28 days 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: about 1 month ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

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: 15 days ago - Pushed: over 1 year ago - Stars: 206 - Forks: 49

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: 29 days ago - Pushed: over 1 year ago - Stars: 119 - Forks: 25

Dru-Mara/EvalNE

Source code for EvalNE, a Python library for evaluating Network Embedding methods.

Language: Python - Size: 849 KB - Last synced: about 1 month ago - Pushed: about 2 months ago - Stars: 102 - Forks: 26

thiviyanT/torch-rgcn

A PyTorch implementation of the Relational Graph Convolutional Network (RGCN).

Language: Python - Size: 14 MB - Last synced: about 1 month ago - Pushed: almost 3 years ago - Stars: 107 - Forks: 15

benedekrozemberczki/PDN

The official PyTorch implementation of "Pathfinder Discovery Networks for Neural Message Passing" (WebConf '21)

Language: Python - Size: 4.8 MB - Last synced: 15 days ago - Pushed: over 1 year ago - Stars: 57 - Forks: 11

benedekrozemberczki/SGCN

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

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

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

mr-ravin/Node-Classification-on-Cora-Dataset-using-GNN-in-Pytorch 📦

Node Classification on large Knowledge Graphs of Cora Dataset using Graph Neural Network (GNN) in Pytorch.

Language: Python - Size: 557 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

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: 15 days ago - Pushed: about 1 year ago - Stars: 101 - Forks: 22

BorgwardtLab/TOGL

Topological Graph Neural Networks (ICLR 2022)

Language: Python - Size: 1.61 MB - Last synced: 2 months ago - Pushed: almost 2 years ago - Stars: 98 - Forks: 18

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

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: about 2 months ago - Pushed: 10 months ago - Stars: 64 - Forks: 4

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: 2 months ago - Pushed: 2 months ago - Stars: 255 - Forks: 25

psycoplankton/Fuzzy-Representation-Learning

A Fuzzy Pre-procressing layer which can be used with embeddings to enrich the information content.

Language: Jupyter Notebook - Size: 17.8 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

gulabpatel/Graph_Neural_Network

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

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: 15 days ago - Pushed: about 1 year ago - Stars: 43 - Forks: 11

benedekrozemberczki/TENE

A sparsity aware implementation of "Enhanced Network Embedding with Text Information" (ICPR 2018).

Language: Python - Size: 1.93 MB - Last synced: 15 days ago - Pushed: over 1 year ago - Stars: 71 - Forks: 17

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: 3 months ago - Pushed: over 3 years ago - Stars: 10 - Forks: 0

qitianwu/DIFFormer

The official implementation for ICLR23 spotlight paper "DIFFormer: Scalable (Graph) Transformers Induced by Energy Constrained Diffusion"

Language: Python - Size: 80.1 KB - Last synced: 3 months ago - Pushed: 10 months ago - Stars: 264 - Forks: 29

AlbertoFormaggio1/fine_tuning_classification_prediction_GNN

Empirical Research over the possible advantages of pretraining a Graph Neural Network for Classification by using Link Prediction. We used GCN, GAT and GraphSAGE with minibatch generation. Done for the Learning From Networks course taught by professor Fabio Vandin at the University of Padova

Language: Python - Size: 867 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

vuptran/graph-representation-learning

Autoencoders for Link Prediction and Semi-Supervised Node Classification (DSAA 2018)

Language: Python - Size: 17.7 MB - Last synced: 3 months ago - Pushed: almost 5 years ago - Stars: 254 - Forks: 68

Graph-COM/GraphMaker

code for the paper "GraphMaker: Can Diffusion Models Generate Large Attributed Graphs?"

Language: Python - Size: 1.85 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 24 - Forks: 3

nicolas-hbt/versatile-embeddings

Learn Versatile Knowledge Graph Embeddings by Capturing Semantics with MASCHInE

Language: Python - Size: 898 MB - Last synced: 4 months ago - Pushed: 7 months ago - Stars: 14 - Forks: 3

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

benedekrozemberczki/OrbitalFeatures

A sparsity aware implementation of "Biological Network Comparison Using Graphlet Degree Distribution" (Bioinformatics 2007)

Language: Python - Size: 771 KB - Last synced: 15 days ago - Pushed: almost 2 years ago - Stars: 20 - Forks: 11

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

ghimohammadr/NACFormer_MS-

NACFormer_MS model

Language: Python - Size: 521 KB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

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

mengliu1998/DeeperGNN

Official PyTorch implementation of "Towards Deeper Graph Neural Networks" [KDD2020]

Language: Python - Size: 72.3 KB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 150 - Forks: 33

benedekrozemberczki/resolutions-2019

A list of data mining and machine learning papers that I implemented in 2019.

Size: 33.2 KB - Last synced: 15 days ago - Pushed: over 4 years ago - Stars: 20 - Forks: 10

SiyuanHuangSJTU/SubTree-Attention

Official implementation for "Tailoring Self-Attention for Graph via Rooted Subtrees" (NeurIPS2023)

Language: Python - Size: 49.9 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

LUMIA-Group/SubTree-Attention

Official implementation for "Tailoring Self-Attention for Graph via Rooted Subtrees" (NeurIPS2023)

Language: Python - Size: 49.9 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

JoonHyung-Park/GraphENS

GraphENS: Neighbor-Aware Ego Network Synthesis for Class-Imbalanced Node Classification (ICLR'22)

Language: Python - Size: 383 KB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 59 - Forks: 5

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

SwaksharDeb/GA-GWNN

Code for PRL paper: "GA-GWNN: Generalized Adaptive Graph Wavelet Neural Network"

Language: Python - Size: 60.5 KB - Last synced: 26 days ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

TimKong21/MEMGRAPH-Graph-Analytics-with-NetworkX

Graph Analytics delivered by MEMGRAPH academy

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

AnonymousTEA/SEA-GWNN

This is a pytorch implementation of the paper "SEA-GWNN: Simple and Effective Adaptive Graph Wavelet Neural Network"

Language: Python - Size: 490 KB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

SkyRiver-2000/EE226-Final-Project

Final assignment of EE226 course in SJTU by Group 12

Language: Python - Size: 49.7 MB - Last synced: 9 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

cmavro/GRAD

[ECML-PKDD 2023] Train Your Own GNN Teacher: Graph-Aware Distillation on Textual Graphs

Language: Python - Size: 2.98 MB - Last synced: 9 months ago - Pushed: about 1 year ago - Stars: 9 - Forks: 3

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

u1234x1234/KDD-Cup-2020-AutoGraph-Challenge

8th place solution to https://www.automl.ai/competitions/3

Language: Python - Size: 80.1 KB - Last synced: 10 months ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 2

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

lgalke/lifelong-learning

Lifelong Learning of Graph Neural Networks for Open-World Node Classification

Language: Python - Size: 142 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 16 - Forks: 4

forkkr/LnL-GNN

[IJCNN 2021] Node Embedding using Mutual Information and Self-Supervision based Bi-level Aggregation

Language: Jupyter Notebook - Size: 799 KB - Last synced: 10 months ago - Pushed: 11 months ago - Stars: 7 - Forks: 1

reshalfahsi/node-classification

Graph Neural Network for Node Classification

Language: Jupyter Notebook - Size: 11.4 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

ArunSehrawat/Node_Classification_with_Graph_Neural_Network

Language: Jupyter Notebook - Size: 421 KB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - 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: 3 days ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

jwu4sml/GRADE

Non-IID Transfer Learning on Graphs

Language: Python - Size: 13.2 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 4 - Forks: 1

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.1 MB - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 72 - Forks: 23

farkoo/GNN-Citations

Node Classification with Graph Neural Networks

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

jwu4sml/DEMO-Net

DEMO-Net: Degree-specific Graph Neural Networks for Node and Graph Classification

Language: Python - Size: 106 KB - Last synced: 12 months ago - Pushed: almost 3 years ago - Stars: 26 - Forks: 8

berlincho/RGCN-pytorch

Pytorch implementation of Relational GCN for node classification

Language: Python - Size: 239 KB - Last synced: 12 months ago - Pushed: about 3 years ago - Stars: 50 - Forks: 11

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

jwu4sml/Graph-Embedding-Techniques

It provides some typical graph embedding techniques based on task-free or task-specific intuitions.

Size: 104 KB - Last synced: 12 months ago - Pushed: over 4 years ago - Stars: 31 - Forks: 11

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: 14 days ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

Toloka/TolokerGraph

Toloker Graph: Interaction of Crowd Annotators

Size: 1.66 MB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 4 - Forks: 0

ytchx1999/PyG-OGB-Tricks

Bags of Tricks in OGB (node classification) with GCNs.

Language: Python - Size: 1.01 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 30 - Forks: 4

NYXFLOWER/GripNet

GripNet: Graph Information Propagation on Supergraph for Heterogeneous Graphs (PatternRecognit, 2023)

Language: Python - Size: 88 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 11 - Forks: 2

daiquocnguyen/QGNN

Quaternion Graph Neural Networks (ACML 2021) (Pytorch and Tensorflow)

Language: Python - Size: 124 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 35 - Forks: 9

alescrnjar/MolAsNet

Graph Convolutional Neural Network for Atom Classification

Language: Python - Size: 325 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

gganssle/data-day-tx-2018

Evaluation of gender bias in a graph-based classification algorithm.

Language: Jupyter Notebook - Size: 23.6 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 7 - Forks: 4

cszhangzhen/MVPool

Hierarchical Multi-View Graph Pooling with Structure Learning(TKDE-2021)

Language: Python - Size: 1.26 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 12 - Forks: 0

GemsLab/H2GCN

Boost learning for GNNs from the graph structure under challenging heterophily settings. (NeurIPS'20)

Language: Python - Size: 19.9 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 73 - Forks: 15

abpaudel/floorplan-graph

Room Classification on Floor Plan Graphs using Graph Neural Networks

Language: Python - Size: 38.1 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 4 - Forks: 1

wzsong17/Signed-Network-Embedding

Language: Python - Size: 625 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 16 - Forks: 3

LirongWu/MD-GNN

Code for NCAA paper "Multi-level Disentanglement Graph Neural Network"

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

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: about 1 year ago - Pushed: almost 2 years ago - Stars: 10 - Forks: 8

MIND-Lab/DAGE

Deep Attributed Graph Embedding

Language: Python - Size: 728 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

daiquocnguyen/Caps2NE

A Capsule Network-based Model for Learning Node Embeddings (CIKM 2020)

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

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

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: about 1 year ago - Pushed: about 4 years ago - Stars: 8 - Forks: 2

morkev/airport-connection-visualization

3D visualization of all airport connections.

Size: 14.4 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

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

Aman-Gupta-Ji/Amazon-ML-Challenge Fork of akshatprogrammer/Amazon-ML-Challenge

Product Browse Node Classification

Language: Jupyter Notebook - Size: 824 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

colflip/graph_datasets

datasets for graph learning,···\

Size: 2.93 KB - Last synced: 11 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

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

xnuohz/ARMA-dgl

A DGL implementation of "Graph Neural Networks with convolutional ARMA filters". (PAMI 2021)

Language: Python - Size: 23.4 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 9 - Forks: 1

jwu4sml/ImVerde

ImVerde: Vertex-Diminished Random Walk for Learning Imbalanced Network Representation

Language: Python - Size: 104 KB - Last synced: 12 months ago - Pushed: over 4 years ago - Stars: 6 - Forks: 0

Akomand/BGCN_TORCH

PyTorch implementation of Bayesian Graph Convolutional Networks using Neighborhood Random Walk Sampling to supplement my Honors Thesis.

Language: Python - Size: 7.41 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

jwu4sml/MARINE

Scalable Manifold-Regularized Attributed Network Embedding via Maximum Mean Discrepancy

Language: Python - Size: 236 KB - Last synced: 12 months ago - Pushed: almost 3 years ago - Stars: 2 - Forks: 1

comojin1994/GCN

Graph Convolutional Network

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

HKUST-KnowComp/vertex-reinforced-random-walk

Code for "Vertex-reinforced Random Walk for Network Embedding"

Language: Python - Size: 8.83 MB - Last synced: 19 days ago - Pushed: about 4 years ago - Stars: 0 - Forks: 2

Related Keywords
node-classification 95 graph-neural-networks 46 pytorch 25 deep-learning 20 link-prediction 19 machine-learning 19 graph-embedding 18 graph-classification 13 graph 13 gcn 13 gnn 12 network-embedding 12 deepwalk 12 node2vec 12 pytorch-geometric 11 graph-neural-network 10 graph-representation-learning 9 graph-convolutional-networks 9 node-embedding 8 graph-convolution 7 transformer 7 semi-supervised-learning 7 neural-network 6 graph-learning 5 network-science 5 graphs 5 community-detection 5 tensorflow 4 clustering 4 graph-algorithms 4 representation-learning 4 text-classification 4 geometric-deep-learning 4 graph2vec 4 graph-convolutional-network 3 python 3 graph-transformer 3 cora-dataset 3 large-graph 3 graph-attention-networks 3 graph-clustering 3 message-passing 3 networkx 3 random-walk 3 graph-machine-learning 3 contrastive-learning 3 data-science 3 neural-networks 2 node-embeddings 2 graph-mining 2 matrix-factorization 2 data-mining 2 artificial-intelligence 2 pytorch-implementation 2 deep-neural-networks 2 graphlet 2 graph-kernel 2 few-shot 2 unsupervised-graph-embedding 2 networks 2 unsupervised-node-embedding 2 feature-extraction 2 knowledge-graph 2 graph-self-supervised-learning 2 sign-prediction 2 neurips-2023 2 graphsage 2 graphneuralnetwork 2 attention-mechanism 2 gnns 2 image-classification 2 benchmark 2 dataset 2 dimensionality-reduction 2 network-analysis 2 graph-theory 2 forward-learning 2 sklearn 2 graph-embeddings 2 dgl 2 machine-learning-algorithms 2 graph-convolutional-neural-networks 1 feedforward-neural-networks 1 centrality-measures 1 crowd-workers 1 temporal-graph-networks 1 graph-embedding-approaches 1 crowdsourcing 1 knn 1 feature-hashing 1 multi-task-learning 1 weisfeiler-lehman 1 aifb 1 classification 1 rare-category-detection 1 bgs 1 graph-kernels 1 mutag 1 diffusion-maps 1 oversmoothing 1