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

Topic: "integrated-gradients"

kundajelab/deeplift

Public facing deeplift repo

Language: Python - Size: 10.7 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 859 - Forks: 168

hans66hsu/nn_interpretability

Pytorch implementation of various neural network interpretability methods

Language: Jupyter Notebook - Size: 30.5 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 104 - Forks: 19

95616ARG/SyReNN

SyReNN: Symbolic Representations for Neural Networks

Language: Python - Size: 1.85 MB - Last synced at: 16 days ago - Pushed at: over 2 years ago - Stars: 41 - Forks: 5

TooTouch/WhiteBox-Part1

In this part, I've introduced and experimented with ways to interpret and evaluate models in the field of image. (Pytorch)

Language: Jupyter Notebook - Size: 296 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 39 - Forks: 16

robinvanschaik/interpret-flair

A small repository to test Captum Explainable AI with a trained Flair transformers-based text classifier.

Language: Jupyter Notebook - Size: 2.39 MB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 27 - Forks: 2

hummat/saliency

PyTorch implementation of 'Vanilla' Gradient, Grad-CAM, Guided backprop, Integrated Gradients and their SmoothGrad variants.

Language: Jupyter Notebook - Size: 9.83 MB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 19 - Forks: 3

DFKI-NLP/SMV

Code and data for the ACL 2023 NLReasoning Workshop paper "Saliency Map Verbalization: Comparing Feature Importance Representations from Model-free and Instruction-based Methods" (Feldhus et al., 2023)

Language: Python - Size: 11.1 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 9 - Forks: 1

Sanofi-Public/Clinical-BERT-Explainability

To explain clinical BERT model predictions, we present an approach which leverages integrated gradients to attribute events in medical records that lead to an outcome prediction.

Language: Python - Size: 768 KB - Last synced at: 3 days ago - Pushed at: 6 months ago - Stars: 8 - Forks: 0

hobinkwak/ExpectedGradients_IntegratedGradients_pytorch

simple implementation of Expected Gradients and Integrated Gradients by pytorch

Language: Python - Size: 189 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 8 - Forks: 2

CVxTz/IntegratedGradientsPytorch

Integrated gradients attribution method implemented in PyTorch

Language: Python - Size: 45.9 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 5

daniel-rychlewski/Cao-Keras-Visualization

Neural network visualization tool after an optional model compression with parameter pruning: (integrated) gradients, guided/visual backpropagation, activation maps for the cao model on the IndianPines dataset

Language: Python - Size: 39 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 3

ChristianOrr/feature-attribution-methods-jax

Suite of methods that create attribution maps from image classification models.

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

riverback/pytorch_attribution

Attribution methods that explain image classification models, implemented in PyTorch, and support batch input and GPU.

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

Featurespace/uncertainty-attribution

Scripts to reproduce results within the following manuscript: Perez, I., Skalski, P., Barns-Graham, A., Wong, J. and Sutton, D. (2022) Attribution of Predictive Uncertainties in Classification Models, 38th Conference on Uncertainty in Artificial Intelligence (UAI), Eindhoven, Netherlands, 2022.

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

zxlzr/DiagnoseAdv

Source code for the IJCKG2021 paper "Normal vs. Adversarial: Salience-based Analysis of Adversarial Samples for Relation Extraction".

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

KurtButler/2024_attributions_paper

Reproducible code for our paper "Explainable Learning with Gaussian Processes"

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

Machine-Learning-Foundations/day_14_exercise_interpretability

Exercise on interpretability with integrated gradients.

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

allenwind/text-integrated-gradients

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

aancyl/Cirrhosis-Fatality-Prediction

Accurately predicting patient outcomes is crucial for clinical decision-making and resource planning. In this project, we utilize patient data to build a predictive model that determines the survival status based on various clinical features.

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

NajdBinrabah/Deep-Learning-with-PyTorch-and-Captum

This project classifies smoking images using VGG19 with data augmentation, and Captum for model explainability, identifying key features per prediction.

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

meetpatel0963/TeleXGI

TeleXGI: Explainable Gastrointestinal Image Classification for TeleSurgery Systems

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

pjlintw/integrated-gradients

Implementation for Conditional Text GANs and Analysis with Integrated Gradients

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

Engrima18/ExaplainNET

Implementing algorithms based on the analysis of the gradients in NN computational graphs to provide nice insights for Explainable AI

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

adlyZaroui/XAI

Comparative Analysis of XAI Methods for Medical Diagnostic using Chest X-ray Images

Language: Jupyter Notebook - Size: 372 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

sherlcok314159/Integrated-Gradients

The code for integrated gradients in torch.

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

Siddhantmest/XAI-Methods-for-CNN

Implementation of 2 XAI methods to visualize the region highlighted by the network to make a prediction

Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Related Topics
xai 7 deep-learning 6 explainable-ai 6 guided-backpropagation 6 grad-cam 6 machine-learning 5 pytorch 5 saliency-map 5 deep-neural-networks 3 interpretability 3 gradients 3 python 3 tensorflow 3 smoothgrad 3 neural-network 3 lime 3 feature-attribution 2 explainability 2 attribution 2 gradcam 2 saliency-maps 2 deep-learning-algorithms 2 text-classification 2 interpretable-deep-learning 2 captum 2 backpropagation 2 deeplift 2 transformers 1 blackbox 1 saliency-methods 1 explainable-nlp 1 chatgpt 1 cifar-10 1 sparse-approximations 1 gaussian-processes 1 computer-vision 1 visualization 1 timm 1 class-activation-map 1 sensitivity-analysis 1 expected-gradients 1 visual-backpropagation 1 keras-vis 1 keras 1 indianpines 1 hyperspectral-imaging 1 hyperspectral-image-classification 1 deep-viz 1 deep-visualization 1 xrai 1 saliency 1 machine-learning-algorithms 1 scikit-learn 1 cirrhosisliverprediction 1 ai 1 vgg19-model 1 transfer-learning 1 primary-attributions 1 occlusion 1 layer-attributions 1 image-classification 1 data-science 1 data-augmentation 1 binary-classification 1 clinical-data 1 bert-fine-tuning 1 bert 1 verification 1 trustworthy-machine-learning 1 trustworthy-ai 1 network-patching 1 gastrointestinal-diseases 1 shap 1 medical-imaging 1 mnist 1 interpretable-ai 1 evaluate-models 1 deepdream 1 deconvnet 1 cnn-visualization 1 activation-maximization 1 cnn 1 kvasir-seg 1 attribution-model 1 salience-based-analysis 1 relation-extraction 1 re 1 knowledge-graph 1 ijckg2021 1 adversarial-examples 1 guided-grad-cam 1 gradients-x-inputs 1 gradients-attribution 1 mobilenetv2 1 deconvolution 1 cam 1 text-gan 1 question-generation 1 natural-language-processing 1 flair 1