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

GitHub topics: gnn-model

open-prophetdb/prophetdb.org

A website for OpenProphetDB community.

Size: 16.5 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 1

THUDM/CogDL

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

Language: Python - Size: 9.8 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 1,795 - Forks: 308

Mouradost/STGM

STGM: Spatio-Temporal Graph Mixformer for Traffic Forecasting

Language: Jupyter Notebook - Size: 4.07 MB - Last synced at: 3 days ago - Pushed at: almost 2 years ago - Stars: 102 - Forks: 21

microsoft/YOLaT-VectorGraphicsRecognition

Source Code of NeurIPS21 and T-PAMI24 paper: Recognizing Vector Graphics without Rasterization

Language: Python - Size: 2.39 MB - Last synced at: 6 days ago - Pushed at: 12 days ago - Stars: 98 - Forks: 17

alhqlearn/DeepMech

DeepMech: A Machine Learning Framework for Chemical Reaction Mechanism Prediction

Language: Jupyter Notebook - Size: 5.28 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 0

alexisvannson/GraphNet_Classifier

Research project looking at Representing images as a graphs improving the spatial understanding of the deep learning model.

Language: Python - Size: 12.7 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 2 - Forks: 0

sappoPrivy/Epilepsy_seizure_detection_using_causal_asymmetries_in_Graph_Neural_Networks

Detecting epilepsy seizures by using deep learning models on causal asymmetries in EEG data

Language: Python - Size: 205 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

BAMeScience/fiora

Meet FIORA! An in silico fragmentation algorithm designed to predict tandem mass spectra (MS/MS) with high accuracy. Using graph neural networks, FIORA models bond cleavages, fragment intensities, and estimates retention times (RT) and collision cross sections (CCS).

Language: Jupyter Notebook - Size: 134 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 37 - Forks: 7

ml4fp/2025-lbnl

ML4FP 2025: notebooks used for the Machine Learning for Fundamental Physics (ML4FP) School 2025

Language: Jupyter Notebook - Size: 54.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 16 - Forks: 5

gnn-tracking/gnn_tracking

Reconstruct billions of particle trajectories with graph neural networks

Language: Python - Size: 24.7 MB - Last synced at: 2 days ago - Pushed at: 6 days ago - Stars: 49 - Forks: 19

YeonwooSung/PyTorch_GNN_Implementation

PyTorch implementation of GNN models

Language: Jupyter Notebook - Size: 14.1 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 18 - Forks: 3

ZaidMohsin457/Parallelizing-GNN

This project demonstrates parallelization techniques for Graph Neural Networks (GNNs) using: CUDA for GPU acceleration MPI (mpi4py) for distributed computing Python Multiprocessing for parallel processing The implementation uses the PubMed dataset from PyTorch Geometric and a 2-layer GCN model.

Language: Python - Size: 448 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 1

RosmaelZidane/VCodeDet

This prepository provides a source code and instuctions to run a graph-based model for vulnerability detectyion in source code.

Language: Python - Size: 2.08 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

CallmeQuant/shortest-path-gnn

This repository contains an implementation of several Graph Neural Network (GNN)-based models for solving shortest path prediction problems.

Language: Jupyter Notebook - Size: 4.33 MB - Last synced at: 13 days ago - Pushed at: 10 months ago - Stars: 3 - Forks: 0

WojciechBarczynski/toxicity_prediction

Comparison of methods for toxicity prediction from SMILEs

Language: Jupyter Notebook - Size: 555 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

JaanuNan/DropGNN

🔬 DropGNN Implementation | Official PyTorch implementation of "DropGNN: Random Dropouts Increase the Expressiveness of GNNs". Enhances Graph Neural Networks with node dropout for improved drug discovery tasks.

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

spk-22/Neuro-Fusion

Multi-scale Graph Neural Network for early diagnosis of Alzheimer’s disease using genomic, proteomic, and neuroimaging data.

Language: Python - Size: 49.8 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 3 - 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: about 2 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

spk-22/Phish-Guard

A comprehensive deep learning framework for phishing detection, utilizing Graph Neural Networks (GraphSAGE) to analyze interconnected web features. Features include temporal graph construction, causal learning for robust time-series analysis, and integrated noise injection testing to evaluate model resilience against data imperfections.

Language: Python - Size: 47.9 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0

xuejianhuang/SGKE

Multi-Modal Rumor Detection with Scene Graph Attention Networks Integrating External Knowledge and Evidence

Language: HTML - Size: 28 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 13 - Forks: 3

keitabroadwater/gnns_in_action

Code and Content for Manning Publication on Graph Neural Networks

Language: Jupyter Notebook - Size: 44.7 MB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 84 - Forks: 22

francoisschwarzentruber/ijcai2025-verifquantgnn

Naïve implementation of the proof system for verifying quantized graph neural network

Language: Python - Size: 3.91 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Aparna-analyst/Credit-card-fraud-detection

A deep learning project for detecting credit card fraud using Graph Neural Networks (GNNs). This approach models transactional relationships as graphs to identify complex fraud patterns in imbalanced datasets.

Language: Jupyter Notebook - Size: 57.6 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

oceanlvr/ProtoAU

Pytorch implementation of ProtoAU for recommendation.

Language: Python - Size: 54.9 MB - Last synced at: 5 months ago - Pushed at: 9 months ago - Stars: 9 - Forks: 1

jElhamm/Hands-On-Graph-Neural-Networks-Using-Python

"This repository contains the implementation code for the book, which serves as a practical guide to understanding and applying Graph Neural Networks (GNNs) using Python."

Language: Jupyter Notebook - Size: 3.08 MB - Last synced at: 5 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

zouguojian/Traffic-speed-prediction

Using to predict the highway traffic speed

Language: Python - Size: 646 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 30 - Forks: 3

jchddd/asgcnn

GNN with classification tasks for adsorbate types and adsorption sites to screen NRR catalysts from nonmagnetic Heusler alloys.

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

IyLias/graph-coloring-RLTB

A hybrid approach combining Reinforcement Learning (RL) with the Tabucol for the Graph Coloring Problem (GCP)

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

marco-hoffmann/GRAPPA

A GNN model for the prediction of pure component vapor pressures.

Language: Python - Size: 262 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 3 - Forks: 0

0M1J/kubeflow-GNN

GNN training in kubeflow.

Language: Python - Size: 703 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 1 - Forks: 4

langkhachhoha/AMO-ACO-Inference

Inference phase for AMO-ACO to solve CVRPTW

Language: Jupyter Notebook - Size: 6.41 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

langkhachhoha/AMO-ACO-Model-GECCO2024

Alimentation Deep Multiple Optimal Ant Colony Optimization to solve Vehicle Routing Problem with Time Windows.

Language: Python - Size: 1.34 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 2 - Forks: 1

zhichunguo/GraSeq

GraSeq: Graph and Sequence Fusion Learning for Molecular Property Prediction. In CIKM 2020.

Language: Python - Size: 3.23 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 16 - Forks: 7

kubosis/torch-rating

Seamless integration of sport rating systems into graph neural networks in the PyTorch environment

Language: Python - Size: 9.89 MB - Last synced at: 11 days ago - Pushed at: 9 months ago - Stars: 4 - Forks: 1

AndreiB137/Equivariant_GNN_Implementation

Language: Python - Size: 1.91 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

ClaudMor/gravity_gae_torch_geometric

Pytorch Geometric implementation of the "Gravity-Inspired Graph Autoencoders for Directed Link Prediction" paper.

Language: Python - Size: 904 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 1

zpengmei/SubFormer-Spec

SubFormer-Spec: Implementation of the graph Spectral token with SubFormer architecture

Language: Python - Size: 25.3 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 4 - Forks: 0

MING-ZCH/GNN-Recommendation

Some new papers about GNN with Rec in CVPR/ ICCV/AAAI/WWW(2022/2023)

Size: 22.1 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 1

HamzaGbada/direct-neighbor-vrd

This repository contains the official implementation of the paper titled "Information Extraction from Visually Rich Documents Using Directed Weighted Graph Neural Network", which was presented in the 18th International Conference on Document Analysis and Recognition (ICDAR 2024).

Language: Python - Size: 209 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

LinaDongXMU/FGNN

Ligand binding affinity prediction with fusion of graph neural networks and 3D structure-based complex graph

Language: Python - Size: 4.24 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 4 - Forks: 1

Codfishz/Graph-Data-Augmentation

Graph-Data-Augmentation for Brain MRI Image

Language: Python - Size: 376 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

shreya2031/gnn-explainainability

Language: Python - Size: 18.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

link387/seminar_gnn

experiment results of the seminar paper

Size: 190 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

langkhachhoha/FPT_AI

Machine Learning in predictioning the atomization energies.

Language: Python - Size: 18.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Ray16/ai-sci-hackathon-2024-molecular-nexus Fork of uchicago-dsi/ai-sci-hackathon-2024

Graph neural network for OPLS force field parameterization

Language: Python - Size: 65 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

hasi03/Timeseries-sunspots

Time Series Forecasting for solar activity. Applied numerous Machine Learning Algorithms (GNN, LSTM, XGBoost) to improve predictions and compared them.

Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ysmin-g/DP-GNN

Implementation of Differentially Private GIN

Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Anjum48/icecube-neutrinos-in-deep-ice

8th place solution for the IceCube Neutrinos in Deep Ice competition

Language: Jupyter Notebook - Size: 1.37 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 3

Noob-programmer155/GNN-News-Fake-Detection

GNN News Fake Detection model with implementation of GCN Convolution layer

Language: Jupyter Notebook - Size: 425 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

FaceInCake/4740_Project_GCN

Something to do with Math I think

Language: Python - Size: 32.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

HamzaGbada/GCN-Numpy

An implementation from scratch of Graph Convolutional Networks (GCN) using Numpy

Language: Python - Size: 544 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

nmdl-mizo/isdpainn

Inversion Symmetry-aware Directional PaiNN

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

SYED-M-HUSSAIN/Graph-Neural-Networks

This repository contains code implementations for Graph Neural Networks (GNNs). GNNs are a category of deep learning models tailored for tasks involving graph-structured data. The provided code enables users to explore and apply GNNs for tasks such as node classification, link prediction, and graph classification.

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

Alex-Mathai-98/Monolith-to-Microservices

This paper explores the idea of using heterogeneous graph neural networks (Het-GNN) to partition old legacy monoliths into candidate microservices. We additionally take membership constraints that come from a subject matter expert who has deep domain knowledge of the application.

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

itzhak0estrella/Energy_Data_Analytics_GNN

Undergraduate research project that was funded by the ECE Next Program. Contributed with Professor Hao Zhu and with my grad. mentors Shaohui Liu and Young-ho Cho .

Language: Jupyter Notebook - Size: 1.27 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

abdul-rasool/Autism-Detection

Exploring Autism Detection and Classification through Eye-Tracking Scanpath and AI-based Models: Challenges and Insights

Language: Python - Size: 35.2 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

H4Y3J1N/Graph-Travel

with GUG, Let's explore the Graph Neural Network!

Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 0

RUCAIBox/Social-Datasets

A collection of social datasets for RecBole-GNN.

Size: 13.5 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

martijnv11/MV-Graphs

Try-out space for Graph Neural Networks

Size: 1000 Bytes - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

vratnasw/neural_reacting_systems

deep learning model for interacting systems

Language: Python - Size: 16.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Orbis36/Fraud_Detection_BasedOnGNN

An implementation of R-GCN model detection on IEEE-Fraud Detection Dataset,

Language: Jupyter Notebook - Size: 64.5 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 2

arsalanmalek/fedgnn-implementation

Implementation of FedGNN (Federated GNN) using pyG library

Language: Jupyter Notebook - Size: 1.57 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

meongju0o0/DistDGL-predict

DistDGL using K8s, prediction

Language: Python - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

deepak2233/GNN-Based-HIV-Molecules-Classification

HIV molecules classification using GNN with attention

Language: Python - Size: 45.6 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Starlien95/Count-GNN

Learning to Count Isomorphisms with Graph Neural Networks

Language: Python - Size: 45.7 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

vedarthv/GNN_EEG

A project emulating a GNN model which uses EEG data to identify depression in individuals.

Language: Jupyter Notebook - Size: 438 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

chengsen/PyTorch_TextGCN

The PyTorch 1.6 and Python 3.7 implementation for the paper Graph Convolutional Networks for Text Classification

Language: Python - Size: 72.3 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 81 - Forks: 17

Junyoungpark/CGS

The official implementation of Convergent Graph Solvers (CGS)

Language: Python - Size: 41 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 22 - Forks: 2

Johnny-liqiang/HGPNN

This paper submitted to IJCAI2020:Heterogeneous Graph Pooling Neural Network for Sleep Stage Classification

Size: 1.23 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Abusagit/GNN_plus_HiC

Clustering Hi-C contact map using graph neural networks. Utilities and data pipelines. Created as part of Bioinformatics institute spring 2022 project

Language: Python - Size: 129 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

zixi-liu/Graphical-Neural-Network

CS224W: Graph Embedding, GNNs, Recommendation Systems, and applications.

Language: Jupyter Notebook - Size: 4.2 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 0

yashbonde/vaayuvidha Fork of krsubham48/vaayuvidha 📦

Code to run a novel recurrent-GNN model for weather prediction. Data: https://www.kaggle.com/PROPPG-PPG/hourly-weather-surface-brazil-southeast-region

Language: Python - Size: 43 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

langgege-cqu/maxp_dgl

2021MXAP-DGL rank2

Language: Python - Size: 8.17 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 33 - Forks: 11

Samyu0304/graph-information-bottleneck-for-Subgraph-Recognition

Language: Python - Size: 1.94 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 28 - Forks: 4

Hydrapse/adaptive-scope

Adaptive Receptive Field Sampling for Graph Neural Networks

Language: Jupyter Notebook - Size: 279 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

Sapphirine/202112-38-GOPS

GOPS: A Machine Learning Framework for Opioid Abuse Analysis

Language: Jupyter Notebook - Size: 57 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

smyconan/PytorchGAT

Dense and Sparse Implementation of GAT written by PyTorch

Language: Python - Size: 162 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

BenceV/Honours-PushesAndGNNs

In this project I explore an potential approach to estimate a human’s intention in a dyadic collaborative manipulation task by learning to predict the intended future trajectory of the co-manipulated object via the latent graph representation of the system.

Size: 2.69 GB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Nocturna1Developer/ML-Face-Generation

This project is has a generator network that is able to produce human-like handwritten numbers and faces without ever seeing any of them.

Language: HTML - Size: 6.96 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Related Keywords
gnn-model 79 deep-learning 16 pytorch 15 gnn 10 graph-neural-networks 9 python 8 machine-learning 8 gcn 7 graph 6 gnn-learning 5 gat 4 graph-attention-networks 4 gnn-algorithm 3 graph-neural-network 3 graphsage 3 ml 3 graph-convolutional-networks 3 graphneuralnetwork 3 bioinformatics 3 pytorch-implementation 3 deep-neural-networks 3 pytorch-geometric 3 reinforcement-learning 2 graph-embedding 2 recommendation-system 2 link-prediction 2 node-classification 2 neural-networks 2 dgl 2 tensorflow 2 gnns 2 heterogeneous-graph 2 attention-mechanism 2 gnn-architectures 2 recommender-system 2 traffic-forecasting 2 anomaly-detection 2 gecco 2 cvrptw 2 molecular-modeling 2 lstm-neural-networks 2 coco-dataset 1 physics 1 kaggle 1 xgboost 1 forcefield-parameterization 1 time-series-forecasting 1 document-analysis 1 document-analysis-recognition 1 icdar2024 1 crystal-graph 1 sentence-transformers 1 gnn-explainer 1 prophet-facebook-model 1 data-augmentation 1 brain-mri-classification 1 distributed-systems 1 gcp-cloud-build 1 gcp-kubernetes 1 gcp-project 1 kubeflow 1 kubeflow-pipelines 1 nfs-server 1 ogbl-citation2 1 pytorchjob 1 optimization-algorithms 1 combinatorial-optimization 1 sports-analytics 1 equivariant-graph-neural-network 1 implementation 1 molecules 1 pytorchgeometric 1 autoencoder 1 statistics 1 graph-spectral 1 molecular-structures 1 transformer 1 papers 1 chemoinformatics 1 deepchem 1 graph-mining 1 isomorphisms 1 neuroscience 1 text-classification 1 neural-network 1 sleep-research 1 metagenomics 1 graph-learning 1 node-embeddings 1 lstm 1 weather-forecast 1 classification 1 mutilmodel 1 iclr2021 1 information-theory-and-code 1 interpretable-machine-learning 1 prediction-model 1 graph-attention-network 1 torch 1 pandas 1