All Projects → spatio-temporal-brain → Similar Projects or Alternatives

56 Open source projects that are alternatives of or similar to spatio-temporal-brain

stagin
STAGIN: Spatio-Temporal Attention Graph Isomorphism Network
Stars: ✭ 34 (+54.55%)
Mutual labels:  fmri, explainability, gnn
awesome-efficient-gnn
Code and resources on scalable and efficient Graph Neural Networks
Stars: ✭ 498 (+2163.64%)
Mutual labels:  gnn
ALPS 2021
XAI Tutorial for the Explainable AI track in the ALPS winter school 2021
Stars: ✭ 55 (+150%)
Mutual labels:  explainability
GNNLens2
Visualization tool for Graph Neural Networks
Stars: ✭ 155 (+604.55%)
Mutual labels:  explainability
adaptive-wavelets
Adaptive, interpretable wavelets across domains (NeurIPS 2021)
Stars: ✭ 58 (+163.64%)
Mutual labels:  explainability
thermostat
Collection of NLP model explanations and accompanying analysis tools
Stars: ✭ 126 (+472.73%)
Mutual labels:  explainability
3DInfomax
Making self-supervised learning work on molecules by using their 3D geometry to pre-train GNNs. Implemented in DGL and Pytorch Geometric.
Stars: ✭ 107 (+386.36%)
Mutual labels:  gnn
GraphMix
Code for reproducing results in GraphMix paper
Stars: ✭ 64 (+190.91%)
Mutual labels:  gnn
fit
Fusion ICA Toolbox (MATLAB)
Stars: ✭ 13 (-40.91%)
Mutual labels:  fmri
NeuroVault
Easy to use web database for statistical maps.
Stars: ✭ 80 (+263.64%)
Mutual labels:  fmri
nltools
Python toolbox for analyzing imaging data
Stars: ✭ 94 (+327.27%)
Mutual labels:  fmri
visualqc
VisualQC : assistive tool to ease the quality control workflow of neuroimaging data.
Stars: ✭ 56 (+154.55%)
Mutual labels:  fmri
fmriflows
fmriflows is a consortium of many (dependent) fMRI analysis pipelines, including anatomical and functional pre-processing, univariate 1st and 2nd-level analysis, as well as multivariate pattern analysis.
Stars: ✭ 40 (+81.82%)
Mutual labels:  fmri
brainGraph
Graph theory analysis of brain MRI data
Stars: ✭ 136 (+518.18%)
Mutual labels:  fmri
connectomemapper3
Connectome Mapper 3 is a BIDS App that implements full anatomical, diffusion, resting/state functional MRI, and recently EEG processing pipelines, from raw T1 / DWI / BOLD , and preprocessed EEG data to multi-resolution brain parcellation with corresponding connection matrices.
Stars: ✭ 45 (+104.55%)
Mutual labels:  fmri
PyNets
A Reproducible Workflow for Structural and Functional Connectome Ensemble Learning
Stars: ✭ 114 (+418.18%)
Mutual labels:  fmri
Shap
A game theoretic approach to explain the output of any machine learning model.
Stars: ✭ 14,917 (+67704.55%)
Mutual labels:  explainability
Awesome Production Machine Learning
A curated list of awesome open source libraries to deploy, monitor, version and scale your machine learning
Stars: ✭ 10,504 (+47645.45%)
Mutual labels:  explainability
Interpret
Fit interpretable models. Explain blackbox machine learning.
Stars: ✭ 4,352 (+19681.82%)
Mutual labels:  explainability
removal-explanations
A lightweight implementation of removal-based explanations for ML models.
Stars: ✭ 46 (+109.09%)
Mutual labels:  explainability
CARLA
CARLA: A Python Library to Benchmark Algorithmic Recourse and Counterfactual Explanation Algorithms
Stars: ✭ 166 (+654.55%)
Mutual labels:  explainability
sage
For calculating global feature importance using Shapley values.
Stars: ✭ 129 (+486.36%)
Mutual labels:  explainability
awesome-graph-explainability-papers
Papers about explainability of GNNs
Stars: ✭ 153 (+595.45%)
Mutual labels:  explainability
zennit
Zennit is a high-level framework in Python using PyTorch for explaining/exploring neural networks using attribution methods like LRP.
Stars: ✭ 57 (+159.09%)
Mutual labels:  explainability
ProtoTree
ProtoTrees: Neural Prototype Trees for Interpretable Fine-grained Image Recognition, published at CVPR2021
Stars: ✭ 47 (+113.64%)
Mutual labels:  explainability
contextual-ai
Contextual AI adds explainability to different stages of machine learning pipelines - data, training, and inference - thereby addressing the trust gap between such ML systems and their users. It does not refer to a specific algorithm or ML method — instead, it takes a human-centric view and approach to AI.
Stars: ✭ 81 (+268.18%)
Mutual labels:  explainability
deep-explanation-penalization
Code for using CDEP from the paper "Interpretations are useful: penalizing explanations to align neural networks with prior knowledge" https://arxiv.org/abs/1909.13584
Stars: ✭ 110 (+400%)
Mutual labels:  explainability
mllp
The code of AAAI 2020 paper "Transparent Classification with Multilayer Logical Perceptrons and Random Binarization".
Stars: ✭ 15 (-31.82%)
Mutual labels:  explainability
responsible-ai-toolbox
This project provides responsible AI user interfaces for Fairlearn, interpret-community, and Error Analysis, as well as foundational building blocks that they rely on.
Stars: ✭ 615 (+2695.45%)
Mutual labels:  explainability
hierarchical-dnn-interpretations
Using / reproducing ACD from the paper "Hierarchical interpretations for neural network predictions" 🧠 (ICLR 2019)
Stars: ✭ 110 (+400%)
Mutual labels:  explainability
Transformer-MM-Explainability
[ICCV 2021- Oral] Official PyTorch implementation for Generic Attention-model Explainability for Interpreting Bi-Modal and Encoder-Decoder Transformers, a novel method to visualize any Transformer-based network. Including examples for DETR, VQA.
Stars: ✭ 484 (+2100%)
Mutual labels:  explainability
ArenaR
Data generator for Arena - interactive XAI dashboard
Stars: ✭ 28 (+27.27%)
Mutual labels:  explainability
concept-based-xai
Library implementing state-of-the-art Concept-based and Disentanglement Learning methods for Explainable AI
Stars: ✭ 41 (+86.36%)
Mutual labels:  explainability
Gnnpapers
Must-read papers on graph neural networks (GNN)
Stars: ✭ 12,293 (+55777.27%)
Mutual labels:  gnn
gnn
TensorFlow GNN is a library to build Graph Neural Networks on the TensorFlow platform.
Stars: ✭ 558 (+2436.36%)
Mutual labels:  gnn
mtad-gat-pytorch
PyTorch implementation of MTAD-GAT (Multivariate Time-Series Anomaly Detection via Graph Attention Networks) by Zhao et. al (2020, https://arxiv.org/abs/2009.02040).
Stars: ✭ 85 (+286.36%)
Mutual labels:  gnn
Meta-Fine-Tuning
[CVPR 2020 VL3] The repository for meta fine-tuning in cross-domain few-shot learning.
Stars: ✭ 29 (+31.82%)
Mutual labels:  gnn
gemnet pytorch
GemNet model in PyTorch, as proposed in "GemNet: Universal Directional Graph Neural Networks for Molecules" (NeurIPS 2021)
Stars: ✭ 80 (+263.64%)
Mutual labels:  gnn
Literatures-on-GNN-Acceleration
A reading list for deep graph learning acceleration.
Stars: ✭ 50 (+127.27%)
Mutual labels:  gnn
GNNs-in-Network-Neuroscience
A review of papers proposing novel GNN methods with application to brain connectivity published in 2017-2020.
Stars: ✭ 92 (+318.18%)
Mutual labels:  gnn
VectorNet
Pytorch implementation of CVPR2020 paper “VectorNet: Encoding HD Maps and Agent Dynamics from Vectorized Representation”
Stars: ✭ 88 (+300%)
Mutual labels:  gnn
PDN
The official PyTorch implementation of "Pathfinder Discovery Networks for Neural Message Passing" (WebConf '21)
Stars: ✭ 44 (+100%)
Mutual labels:  gnn
gnn-lspe
Source code for GNN-LSPE (Graph Neural Networks with Learnable Structural and Positional Representations), ICLR 2022
Stars: ✭ 165 (+650%)
Mutual labels:  gnn
GCL
List of Publications in Graph Contrastive Learning
Stars: ✭ 25 (+13.64%)
Mutual labels:  gnn
gnn-re-ranking
A real-time GNN-based method. Understanding Image Retrieval Re-Ranking: A Graph Neural Network Perspective
Stars: ✭ 64 (+190.91%)
Mutual labels:  gnn
GNN-Recommender-Systems
An index of recommendation algorithms that are based on Graph Neural Networks.
Stars: ✭ 505 (+2195.45%)
Mutual labels:  gnn
BasicGNNTracking
This shows a basic implementation of the global nearest neighbour (GNN) multi target Tracker. Kalman filter is used for Tracking and Auction Algorithm for determining the assignment of measurments to filters.
Stars: ✭ 36 (+63.64%)
Mutual labels:  gnn
BGCN
A Tensorflow implementation of "Bayesian Graph Convolutional Neural Networks" (AAAI 2019).
Stars: ✭ 129 (+486.36%)
Mutual labels:  gnn
dgcnn
Clean & Documented TF2 implementation of "An end-to-end deep learning architecture for graph classification" (M. Zhang et al., 2018).
Stars: ✭ 21 (-4.55%)
Mutual labels:  gnn
mmgnn textvqa
A Pytorch implementation of CVPR 2020 paper: Multi-Modal Graph Neural Network for Joint Reasoning on Vision and Scene Text
Stars: ✭ 41 (+86.36%)
Mutual labels:  gnn
ncem
Learning cell communication from spatial graphs of cells
Stars: ✭ 77 (+250%)
Mutual labels:  gnn
Causing
Causing: CAUsal INterpretation using Graphs
Stars: ✭ 47 (+113.64%)
Mutual labels:  gnn
Awesome-Federated-Learning-on-Graph-and-GNN-papers
Federated learning on graph, especially on graph neural networks (GNNs), knowledge graph, and private GNN.
Stars: ✭ 206 (+836.36%)
Mutual labels:  gnn
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (+490.91%)
D-TDNN
PyTorch implementation of Densely Connected Time Delay Neural Network
Stars: ✭ 60 (+172.73%)
temporal-depth-segmentation
Source code (train/test) accompanying the paper entitled "Veritatem Dies Aperit - Temporally Consistent Depth Prediction Enabled by a Multi-Task Geometric and Semantic Scene Understanding Approach" in CVPR 2019 (https://arxiv.org/abs/1903.10764).
Stars: ✭ 20 (-9.09%)
1-56 of 56 similar projects