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

GitHub topics: class-activation-map

mongeoroo/Relevance-CAM

The official code of Relevance-CAM

Language: Python - Size: 21.3 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 43 - Forks: 14

frgfm/torch-cam

Class activation maps for your PyTorch models (CAM, Grad-CAM, Grad-CAM++, Smooth Grad-CAM++, Score-CAM, SS-CAM, IS-CAM, XGrad-CAM, Layer-CAM)

Language: Python - Size: 10.4 MB - Last synced at: 10 days ago - Pushed at: 12 days ago - Stars: 2,158 - Forks: 217

ai-fast-track/timeseries

Time Series package for fastai v2

Language: Jupyter Notebook - Size: 148 MB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 95 - Forks: 15

lartpang/awesome-class-activation-map

An awesome list of papers and tools about the class activation map (CAM) technology.

Size: 4.88 KB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 1

rigvedrs/YOLO-V11-CAM

Wanna know what your model sees? Here's a package for applying EigenCAM and generating heatmap from the new YOLO V11 model

Language: Jupyter Notebook - Size: 40 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 135 - Forks: 27

boniolp/dCAM

[SIGMOD 2022] Python code for "Dimension-wise Class Activation Map for Multivariate Time Series Classification"

Language: Jupyter Notebook - Size: 7.05 MB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 16 - Forks: 1

beenotung/heatmap-values

Generate heatmap with RGBA from pre-built or custom color scheme.

Language: TypeScript - Size: 14.6 KB - Last synced at: 3 days ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

gaurav104/WSS-CMER

Code for the paper : "Weakly supervised segmentation with cross-modality equivariant constraints", available at https://arxiv.org/pdf/2104.02488.pdf

Language: Python - Size: 656 KB - Last synced at: 9 months ago - Pushed at: over 2 years ago - Stars: 20 - Forks: 3

doguilmak/Wildfire-Prediction-from-Satellite-Imagery

Building models that can predict whether an area is at risk of a wildfire or not on satellite images.

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

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

tiskw/scorecam-pytorch

Unofficial PyTorch implementation of Score-CAM with additional functions

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

junsukchoe/ADL

Attention-based Dropout Layer for Weakly Supervised Object Localization (CVPR 2019 Oral)

Language: Python - Size: 5.05 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 191 - Forks: 37

tyui592/class_activation_map

PyTorch implementation of "Learning Deep Features for Discriminative Localization"

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

KimRass/explainable_ai

Computer vision visualization such as Grad-CAM, etc.

Language: Python - Size: 73.2 MB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

bmezaris/L-CAM

Code for our paper "Learning Visual Explanations for DCNN-Based Image Classifiers Using an Attention Mechanism", by I. Gkartzonika, N. Gkalelis, V. Mezaris, presented and included in the Proceedings of the ECCV 2022 Workshop on Vision with Biased or Scarce Data (VBSD), Oct. 2022.

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

nsrinidhibhat/Computer-Vision-Projects

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

djib2011/high-res-mapping

High Resolution Class Activation Mapping for Discriminative Feature Localization

Language: Python - Size: 10.1 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 3

KonWski/CAM_Stanford_Cars

Class Activation Map | Stanford Cars | PyTorch

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

doguilmak/Lemon-Quality-Classification-with-CAM

Classification model was builded whether lemons have good quality, bad quality or have empty background with Class Activation Map.

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

doguilmak/Concrete-Crack-Classification-with-CAM

Through data, classification model was builded whether predicts if there is any crack or not on concrete with Class Activation Map.

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

gatsby2016/FeatsVisDL

Attention \ Saliency maps and features visualization for deep learning models in pytorch

Language: Python - Size: 90.7 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 26 - Forks: 2

Tramac/pytorch-cam

Class Activation Map (CAM) Visualizations in PyTorch.

Language: Python - Size: 1.42 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 29 - Forks: 4

Dryjelly/CAM_class-activation-mapping

Simple tf-keras code CAM (Class Activation Mapping)

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

ajsanjoaquin/mPerturb

Implementation of Interpretable Explanations of Black Boxes by Meaningful Perturbation (Fong, et. al., 2018)

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

a-ozbek/food-hunter

An application of CAM (Class Activation Maps) of CNNs. Localizes the food.

Language: Jupyter Notebook - Size: 7.12 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 2

lbrejon/Localization-of-Asian-hornets-with-CNN-using-CAM

Detection and localization of Asian hornets with a CNN using PyTorch

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

TanyaChutani/Class-Activation-Maps-Keras

Generates class activation maps for CNN's with Global Average Pooling Layer Keras

Language: Jupyter Notebook - Size: 178 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

charlesCXK/CAM-pytorch

CAM algorithm implemented by python3 and pytorch 0.4.0

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

shadowwalker00/CAMFace

Generate class activation map for face images

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

Related Keywords
class-activation-map 29 deep-learning 11 pytorch 9 convolutional-neural-networks 5 classification 4 cam 4 visualization 4 computer-vision 4 grad-cam 4 cnn 4 machine-learning 3 interpretability 3 python 3 class-activation-maps 3 tensorflow 3 image-classification 3 explainable-ai 3 xai 2 time-series 2 neural-network 2 gradcam 2 weakly-supervised-learning 2 interpretable-deep-learning 2 keras 2 train-model 1 classifier 1 satellite-imagery 1 wildfires 1 bias 1 attention 1 guided-backpropagation 1 deconvnet 1 weakly-supervised-localization 1 attribution 1 pytorch-implementation 1 object-localization 1 cvpr2019 1 explainability 1 integrated-gradients 1 timm 1 fine-tuning 1 food 1 occlusion 1 explainable-ml 1 deep-learning-tutorial 1 black-box 1 adversarial-machine-learning 1 keras-tensorflow 1 model-interpretability 1 feature-extraction 1 convolutional-neural-network 1 concrete 1 tensorflow2 1 lemon 1 stanford-cars 1 discriminative-localization 1 deep-neural-networks 1 deep-convolutional-neural-networks 1 classifier-explainability 1 remote-sensing 1 multivariate-timeseries 1 yolov8 1 yolov11 1 yolo 1 eigencam 1 deeplearning 1 class-activation-mapping 1 awesome-readme 1 awesome-list 1 awesome 1 timeseries 1 fastai2 1 fastai 1 smoothgrad 1 score-cam 1 saliency-map 1 gradcam-plus-plus 1 activation-maps 1 relevance-cam 1 weakly-supervised-segmentation 1 transformation-equivariance 1 self-learning 1 multi-modal-learning 1 multi-modal-imaging 1 medical-imaging 1 grad-cam-visualization 1 brats2019 1 brats 1 typescript 1 rgba 1 nodejs 1 isomorphic 1 heatmap 1 color-scheme 1 color-gradient 1 browser 1 ai 1 sigmod 1