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

Topic: "gnns"

AspirinCode/papers-for-molecular-design-using-DL

List of Molecular and Material design using Generative AI and Deep Learning

Size: 3.97 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 802 - Forks: 105

junxia97/awesome-pretrain-on-molecules

[IJCAI 2023 survey track]A curated list of resources for chemical pre-trained models

Size: 565 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 522 - Forks: 54

chingyaoc/ggnn.pytorch

A PyTorch Implementation of Gated Graph Sequence Neural Networks (GGNN)

Language: Python - Size: 10.3 MB - Last synced at: 2 months ago - Pushed at: almost 6 years ago - Stars: 466 - Forks: 92

yanx27/3DGNN_pytorch

3D Graph Neural Networks for RGBD Semantic Segmentation

Language: Python - Size: 193 KB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 233 - Forks: 44

basiralab/GNNs-in-Network-Neuroscience

A review of papers proposing novel GNN methods with application to brain connectivity published in 2017-2020.

Size: 55.7 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 228 - Forks: 28

AspirinCode/awesome-AI4MolConformation-MD

List of molecules (small molecules, RNA, peptide, protein, enzymes, antibody, and PPIs) conformations and molecular dynamics (force fields) using generative artificial intelligence and deep learning

Size: 4.24 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 206 - Forks: 19

FedML-AI/FedGraphNN

FedGraphNN: A Federated Learning Platform for Graph Neural Networks with MLOps Support. The previous research version is accepted to ICLR'2021 - DPML and MLSys'21 - GNNSys workshops.

Size: 80.8 MB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 180 - Forks: 42

gongchenghua/Papers-Graphs-with-Heterophily

A Survey of Learning from Graphs with Heterophily

Size: 1.04 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 120 - Forks: 5

tech-srl/bottleneck

Code for the paper: "On the Bottleneck of Graph Neural Networks and Its Practical Implications"

Language: Python - Size: 844 KB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 94 - Forks: 21

asarigun/awesome-denovo-papers

Awesome De novo drugs design papers

Size: 57.6 KB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 87 - Forks: 12

xmh1011/AT-DGNN

[BIBM2024] MEEG and AT-DGNN: Improving EEG Emotion Recognition with Music Introducing and Graph-based Learning

Language: Python - Size: 177 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 75 - Forks: 2

Graphlet-AI/graphml-class

Full Stack Graph Machine Learning: Theory, Practice, Tools and Techniques

Language: Jupyter Notebook - Size: 68.9 MB - Last synced at: 21 days ago - Pushed at: 4 months ago - Stars: 75 - Forks: 5

PonderLY/PC-GNN

(WWW 2021) Source code of PC-GNN

Language: Python - Size: 26.4 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 63 - Forks: 17

KuroginQin/OpenTLP

[ACM Computing Surveys'23] Implementations or refactor of some temporal link prediction/dynamic link prediction methods and summary of related open resources for survey paper "Temporal Link Prediction: A Unified Framework, Taxonomy, and Review" which has been accepted by ACM Computing Surveys.

Language: Python - Size: 12.9 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 48 - Forks: 8

nianticlabs/relpose-gnn

[3DV21] Visual Camera Re-Localization Using Graph Neural Networks and Relative Pose Supervision, M. Türkoǧlu et al.

Language: Python - Size: 71.9 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 42 - Forks: 9

shamim-hussain/egt

Edge-Augmented Graph Transformer

Language: Python - Size: 150 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 41 - Forks: 7

wengroup/matten

MatTen: Equivariant Graph Neural Nets for Tensorial Properties of Materials

Language: Python - Size: 31.5 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 36 - Forks: 5

dmitrykazhdan/Representing-Programs-with-Graphs

Re-implementation and extension of the work described in "Learning to Represent Programs with Graphs"

Language: Python - Size: 104 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 8

ytchx1999/PyG-OGB-Tricks

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

Language: Python - Size: 1.01 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 30 - Forks: 4

Graphlet-AI/graphlet

PyPi module for Graphlet AI Knowledge Graph Factory

Language: Python - Size: 20.4 MB - Last synced at: 21 days ago - Pushed at: about 2 years ago - Stars: 29 - Forks: 1

caio-freitas/GraphARM

An implementation of the Autoregressive Diffusion Model for Graph Generation from [Kong et al. 2023]

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

SherylHYX/SSSNET_Signed_Clustering

Official code for the SDM2022 paper -- SSSNET: Semi-Supervised Signed Network Clustering.

Language: Jupyter Notebook - Size: 156 MB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 24 - Forks: 2

Pabloo22/gnn_scheduler

Solving the Job-Shop Scheduling Problem (JSSP) with Graph Neural Networks (GNNs).

Language: Jupyter Notebook - Size: 247 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 18 - Forks: 0

jkminder/SALSA-CLRS

Implementation of "SALSA-CLRS: A Sparse and Scalable Benchmark for Algorithmic Reasoning". SALSA-CLRS is an extension to the original clrs package, prioritizing scalability and the utilization of sparse representations. It provides pytorch based PyG datasets and dataloaders.

Language: Python - Size: 115 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 3

yihong-chen/ReFactorGNN

Implementation for ReFactor GNNs

Language: Python - Size: 7.81 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 0

sisinflab/LoG-2023-GNNs-RecSys

Presented as tutorial at the Second Learning on Graphs Conference (LoG 2023)

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

asarigun/GraphMixerNetworks

Official Implementation of Graph Mixer Networks

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

DiTEC-project/gnn-pressure-estimation

DiTEC research

Language: Python - Size: 1.82 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 12 - Forks: 6

AspirinCode/GENiPPI

Interface-aware molecular generative framework for protein-protein interaction modulators

Language: Jupyter Notebook - Size: 11 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 12 - Forks: 6

cszhangzhen/MVPool

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

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

Chen-Cai-OSU/GNN-Over-Smoothing

A Note On Over-Smoothing for Graph Neural Network

Language: Python - Size: 85.9 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 10 - 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 2 months ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 1

kthrn22/Predict-Binding-Affinity-using-GNN

Predict binding affinity of ligand-protein complexes using Graph Neural Networks. The model is implemented using PyTorch Geometric and based on the method in "Predicting drug-target interaction using 3D structure-embedded graph representations from graph neural networks"

Language: Python - Size: 49.8 KB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 0

w00zie/3d_face_class

3D Face Classification with Graph Neural Networks

Language: Python - Size: 26.5 MB - Last synced at: 7 months ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 3

willleeney/ugle

Python Framework for An Investigation into Unsupervised GNN Learning Environments

Language: Python - Size: 1.54 MB - Last synced at: 22 days ago - Pushed at: 6 months ago - Stars: 8 - Forks: 1

basiralab/HADA

HADA (Hiearachical Adversarial Domain Alignment) for brain graph prediction and classification.

Language: Python - Size: 18.3 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 1

jlinki/JDR

Code repository of the ICLR25 paper: Joint Graph Rewiring and Feature Denoising via Spectral Resonance

Language: Python - Size: 79.1 KB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 7 - Forks: 3

Samyu0304/Improving-Subgraph-Recognition-with-Variation-Graph-Information-Bottleneck-VGIB-

graph neural networks, information theory, AI for Sciences

Language: Python - Size: 2.31 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 7 - Forks: 0

qbxlvnf11/HMLET

HMLET (Hybrid-Method-of-Linear-and-non-linEar-collaborative-filTering-method)

Language: Python - Size: 52.5 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 4

vlgiitr/newsletter

A weekly list of interesting reads related to deep learning found by our group members!

Size: 21.5 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 1

FlaGer99/SLR-Spatio-Temporal-GNN

"A Systematic Literature Review of Spatio-Temporal Graph Neural Network Models for Time Series Forecasting and Classification" - Collection of papers

Size: 491 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 6 - Forks: 1

Alexander-Belyi/GNNS

GNN-style algorithm for community detection

Language: Jupyter Notebook - Size: 6.89 MB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 1

jayeew/GNNs-Baseline

A Pytorch based implementation of classical GNNs.

Language: Python - Size: 1.23 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 2

basiralab/AGSR-Net

Brain graph super-resolution using graph neural networks.

Language: Python - Size: 4.86 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 0

gerardPlanella/LSPE-EGNN

Investigating the extent to which structural encodings in geometric methods contribute in capturing topological information and developing a generic framework (ToGePi) to inject topological and geometric information into MPNN architectures.

Language: Python - Size: 1.6 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 1

Rayn2402/ThePetaleProject

This repository stores the code implemented to generate the results of our paper: Machine learning strategies to predict late adverse effects in childhood acute lymphoblastic leukemia survivors

Language: Python - Size: 3.8 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 2

AndMastro/protein-ligand-GNN

This repository contains the code for the work on protein-ligand interaction with GNNs and XAI

Language: Python - Size: 3.53 GB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

OktarianTB/predicting-business-popularity

Research project on predicting restaurant popularity using GNNs in location-based social networks.

Language: Jupyter Notebook - Size: 178 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 2

yhDing/SPEAR

[WWW 25] SPEAR: A Structure-Preserving Manipulation Method for Graph Backdoor Attacks

Language: Python - Size: 10.9 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 1

yonatansverdlov/SchurNet

Irreducible Representations of Deep Sets, Deep Weight Spaces and Graphs

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

ainimesh/gmlfa_tutorials

Repository of Jupyter notebook tutorials for teaching the Graph Machine Learning Foundation and Applications Course at the Indian Institute of Technology, Kharagpur, Autumn Semesters.

Size: 50.8 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 1

cszhangzhen/GraphCTA

Collaborate to Adapt: Source-Free Graph Domain Adaptation via Bi-directional Adaptation (WWW-2024)

Language: Python - Size: 5.34 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 3 - Forks: 1

basiralab/topoGAN

Multigraph generation from a source graph.

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

basiralab/Fed-CBT

Federated multigraph integration with application to connectional brain template estimation.

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

w00zie/graph_exploration

Trying to apply Deep RL + Geometric DL to graphs exploration

Language: Jupyter Notebook - Size: 24.3 MB - Last synced at: 7 months ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

MOLAorg/mola_gnss_to_markers

Takes GNSS (GPS) readings, a MOLA georeferenced map, and publishes markers to visualize the datums as ellipsoids on the map

Language: Python - Size: 50.8 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 2 - Forks: 3

yonatansverdlov/Over-squashing

This project implements mechanisms to mitigate over-squashing, improving GNN performance on tasks requiring deep Networks.

Language: Python - Size: 1.18 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0

BorgwardtLab/GNNsCanCountSubstructures

Code and Data for the paper: "Graph Neural Networks Can (Often) Count Substructures" (ICLR 2025 Spotlight)

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

snap-research/NodeDup

Node Duplication Improves Cold-start Link Prediction

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

caio-freitas/GraphDiffusionImitate

Master's thesis exploring diffusion-based graph generative models for imitation learning in robotics tasks 🧠🤖

Language: Jupyter Notebook - Size: 250 MB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

basiralab/SG-Net

StairwayGraphNet for inter- and inter-modality graph superresolution.

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

AttentiveNader/gnn-notebooks

some gnn notebooks with pytorch-geometric

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

Graphlet-AI/graphlet-ai.github.io

Web page repository for Graphlet.AI

Language: SCSS - Size: 37.3 MB - Last synced at: 21 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

USC-InfoLab/busyness-graph-neural-network

Busyness Graph Neural Network (BysGNN): A framework for accurate Point-of-Interest visit forecasting using dynamic graphs that capture spatial, temporal, semantic, and taxonomic contexts. Presented at ACM SIGSPATIAL 2023, this repository includes code, baselines, and experiments.

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

angelonazzaro/contrastive-3d-protein-prediction

A contrastive approach for 3d protein prediction.

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

lupusruber/Protein-Function-Annotation-Project

This project implements models for Protein-Protein Interaction (PPI) prediction, focusing on graph-based methods such as the SOTA GNN model call GIPA.

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

KrishnaswamyLab/blis

Accompanying code for the AISTATS 2024 paper BLIS-Net: Classifying and Analyzing Signals on Graphs

Language: Jupyter Notebook - Size: 351 KB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 1

MeepMutyala/SURRF

Originally the Intersectional Graph Project, SURRF (The Semantic Ubiquitous Relations Research Framework) is an AI-assisted, graph-based research engine, built with the perplexity.ai API and NextJS. SURRF enables researchers to navigate the web while creating knowledge graphs that users can save, organize, compile, and share.

Language: JavaScript - Size: 114 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

strumenti-formali-per-la-bioinformatica/contrastive-3d-protein-prediction Fork of angelonazzaro/contrastive-3d-protein-prediction

[a.a. 23/24] A. Nazzaro, L. Costante

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

sunxiaobei/mindspore_gallery

基于MindSpore复现一些经典论文(GNN, CV, NLP)

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

Deceptrax123/Drug-Drug-Interaction-Dataloader

PyTorch code for an effective way of making a Molecular Graph Dataset in Torch Geometric involving a pair of graphs from chemical SMILE strings

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

sancarlim/PGP

Code for "Towards Explainable Multi-modal Motion Prediction using Graph Representations"

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

basiralab/FLAT-Net

A few-shot learning approach to forecasting the evolution of the brain connectome.

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

Aalto-QuML/PIPE

Positional Encoding meets Persistent Homology on Graphs

Language: Python - Size: 29.7 MB - Last synced at: about 10 hours ago - Pushed at: about 11 hours ago - Stars: 0 - Forks: 0

Deceptrax123/LGIN

Official code of our paper "LGIN: Defining an Approximately Powerful Hyperbolic GNN"accepted at GRADES NDA as a part of ACM SIGMOD

Language: Python - Size: 2.49 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

byomakeshpanda/DynamicMetapathDiscovery

Dynamically discovering metapaths, required for processing in various Heterogeneous graph neural network models. Eliminating the need of manual metapath providing. Ranking metapaths based on the downstream task to get the best metapaths intended towards the downstream task.

Language: Jupyter Notebook - Size: 182 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

michaelflppv/ged-approximation

This is a repository of the code used for the experimental work in my Bachelor thesis on Approximation Algorithms for Graph Edit Distance (GED). It includes implementations, benchmarking scripts, and evaluation methods for comparing GED approximation algorithms with exact computations.

Language: C++ - Size: 206 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

FrancescoCaso/RGR

Code to reproduce experiments on renormalized graph representations based on spectral entropy, as described in the associated paper.

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

dogeplusplus/qm9-gnn

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

Skyyyy0920/FGAI

Language: Python - Size: 1.89 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Meihan-Liu/24NN-SEPA

Structure enhanced prototypical alignment for unsupervised cross-domain node classification(NN-24)

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

mgonzs13/ubx_ros

ubx for ROS 2

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

SouthernMethodistUniversity/pyg

ODSRCI Workshop: Graph Neural Networks (GNNs) using PyTorch-Geometric (PyG)

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

azminewasi/CADGL

Data and code of CADGL: Context-Aware Deep Graph Learning for Predicting Drug-Drug Interactions

Language: Python - Size: 6.46 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Tammo117/Hobby_Projects

Repository with a couple of hobby projects

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

giannisnik/gnn-representations

Analyze the representations learned by some well-established graph neural network models

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

ainimesh/gmlfa_autumn_2024

Course webpage of GMLFA : Graph Machine Learning Foundation and Applications (AI60007)

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

TheBv/toxic-video-games-gnn

Toxic video game classification with graph neural networks

Language: Jupyter Notebook - Size: 57.7 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ll-O-ll/DeepStatisticalSolvers Fork of bdonon/DeepStatisticalSolvers

Deep Statistical Solvers (DSS), a new class of trainable solvers for optimization problems, arising from system simulations and others.

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

MGzhou/graph-network-models

一些图嵌入和图神经网络模型 | 包括DeepWalk,Node2Vec,GCN,GraphSAGE,GAT... | 纯Pytorch,不依赖图框架

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

pratikvora99/col761-data-mining

Assignments done under course COL761-Data Mining

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

ioverho/meta-learning-gnns-1 Fork of rahelbeloch/meta-learning-gnns

A project implementing better evaluation scenarios for community models for malicious content detection, and meta-learning GNNs to achieve better downstream adaptation.

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

USC-InfoLab/NeuroGNN

NeuroGNN is a state-of-the-art framework for precise seizure detection and classification from EEG data. It employs dynamic Graph Neural Networks (GNNs) to capture intricate spatial, temporal, semantic, and taxonomic correlations between EEG electrode locations and brain regions, resulting in improved accuracy. Presented at PAKDD '24.

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

martijnv11/MV-Graphs

Try-out space for Graph Neural Networks

Size: 1000 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

difra100/Link_Prediction_with_Physics-based_GNNs-

This repository contains the development and the code implementation for my Master'degree thesis. The topic of my thesis concern the developement of a Physics-based GNN model for link prediction in the Graph domain.

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

atsushi-green/station2vec

learning station embedding

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

LorenzoStigliano/thesis-imperial

Masters Thesis - Reproducible Knowledge Distillation on Graphs.

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

timseymour42/shotquality-offensive-rebounding

Competition-winning Rebound Prediction Notebook

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

inogii/bthesis

Autonomous System Models using BGP Data and GNNs

Language: Python - Size: 12.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

XsLangley/Violin

This is the code repo for Violin, an IJCAI 2023 paper.

Language: Python - Size: 7.32 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Related Topics
graph-neural-networks 27 deep-learning 22 machine-learning 18 graphs 17 gnn 17 pytorch 13 graph 11 graph-neural-network 9 python 8 geometric-deep-learning 5 recommender-system 4 bioinformatics 4 gan 4 brain-connectivity 4 drug-discovery 4 drug-design 4 ml 4 attention 4 network-analysis 3 diffusion 3 survey 3 transformer 3 self-supervised-learning 3 ai 3 dgl 3 link-prediction 3 contrastive-learning 3 gans 3 graph-algorithms 3 vae 3 gnn-learning 3 graphml 3 graph-convolutional-networks 3 gnn-algorithm 3 gnn-model 2 protein-structure 2 protein 2 graph-classification 2 gcn 2 adversarial-learning 2 generative-learning 2 classification 2 entity-resolution 2 deep-generative-models 2 networks 2 community-detection 2 computer-vision 2 representation-learning 2 ros2 2 network-neuroscience 2 neural 2 clustering 2 gps 2 graph-synthesis 2 graph-prediction 2 neuroscience 2 deeplearning 2 reinforcement-learning 2 pytorch-geometric 2 eeg 2 graph-domain-adaptation 2 torch-geometric 2 unsupervised-learning 2 graph-superresolution 2 diffusion-models 2 pytorch-lightning 2 robotics 2 subgraph-isomorphism 2 molecular-modeling 2 deep-neural-networks 2 gml 2 graphsage 2 dynamic-gnns 2 inductive-learning 2 graph-integration 2 correlations 2 node-classification 2 graph-fusion 2 graphneuralnetwork 2 drug-drug-interaction 2 graph-datasets 2 graph-representation-learning 2 oversquashing 2 torchgeometric 2 federated-learning 2 segmentation 1 rgbd 1 active-learning 1 benchmark 1 lifshitz-formula 1 annotation 1 statistics 1 mpnn 1 oversmoothing 1 piecewise-linear-approximation 1 3d-geometry 1 autoencoder 1 wasserstein-distance 1 deep-weight-space 1 siamese-network 1