There are 2 repositories under gradcam-visualization topic.
Based on the mmdetection framework, compute various salience maps for object detection.
Use Deep Learning model to diagnose 14 pathologies on Chest X-Ray and use GradCAM Model Interpretation Method
Implementation or LRP and Object detection on Brain scans to detect Brain Tumor and Alzhimers
This repo is special for those who want to start learning computer vision related tasks such as image classification.
code for studying OpenAI's CLIP explainability
Making CNNs interpretable.
这是一个用于计算ViT及其变种模型的GradCAM自动脚本,可以自动处理批量的图像 A GradCAM automatic script to visualize the model result
One of the first implementations of Grad-CAM ++ for time series / 1d signal.
Custom Keras Callbacks for Feature Visualization, Class Activation Map, Grad-CAM
Used the Functional API to built custom layers and non-sequential model types in TensorFlow, performed object detection, image segmentation, and interpretation of convolutions. Used generative deep learning including Auto Encoding, VAEs, and GANs to create new content.
Three different DNN models Xception, In- ceptionV3, and VGG19 were used for the classification of crop disease from the image dataset, and explainable AI XAI was used to evaluate their performance. InceptionV3 was achieved as the best model with the highest accuracy of 97.20% accuracy.
This repository explores the fascinating world of brain tumor classification using cutting-edge Convolutional Neural Networks (CNNs) and eXplainable Artificial Intelligence (XAI) techniques.
Applying GradCAM method with 3 kinds of CNN-based model for NLP classification task on french dataset.
Grad-CAM: Visual Explanations from Deep Networks via Gradient-based Localization
Example of how to use MATLAB to produce post-hoc explanations (using Grad-CAM and image LIME) for a medical image classification task.
This repository consists of models of CNN for classifying different types of charts. Moreover, it also includes script of fine-tuned VGG16 for this task. On top of that CradCAM implementation of fine-tuned VGG16.
Keras implementation for GradCAM analysis for dual 3D CNN model.
A CT-scan of your CNN
Chest X-ray Classification
cnn model interpretablity
CNN architectures Resnet-50 and InceptionV3 have been used to detect whether the CT scan images is covid affected or not and prediction is validated using explainable AI frameworks LIME and GradCAM.
Easy to follow GradCAM visualization - Google collab notebooks where you just have to upload the image and mention the target class to get the feature visualization for models trained on COCO and Imagenet dataset.
Disease diagnoses in chest radiographs with different neural network architectures, and models activations localization using grad-cam. The whole implementation is in Pytorch.
A simple implementation of GradCAM (Gradient-weighted Class Activation Mapping) using TensorFlow and OpenCV.
Example of how to use MATLAB to produce post-hoc explanations (using Grad-CAM) for image classification tasks.
X-Ray diagnosis and heatmap visualization of disease area using deep learning models like VGG-16 and Grad-CAM with 86% accuracy
Paper under review on "Multimedia Tools and Applications" journal.
Using four different CNN architectures in an endeavor to detect built heritage in need of preservation and approximately localize the existent damage therein using the GradCam technique.
ISIC2019 skin lesion classification (binary & multi-class) as well as segmentation pipelines using VGG16_BN and visual attention blocks. The project features improving the results found in the literature by implementing an ensemble architecture. This project was developed for "Computer Aided Diagnosis - CAD" course for MAIA masters program.
This project aims to predict the age of individuals from images using a pre-trained ResNet50 model. We preprocess the dataset, train the model, and visualize the results using Grad-CAM.
A project for lung disease detection and analysis using deep learning. It includes lung segmentation, disease classification, and severity localization with Grad-CAM for visual explanations. This repository provides code, datasets, and documentation for replication and further research.
This repository aims to implement a mushroom type classifier using PyTorch, utilizing various models to enhance performance. Additionally, the project includes an analysis of the model's performance using Gradient-Class Activation Map (Grad-CAM) visualization.
Most tutorials on GradCAM are made for Image Classification tasks. This repo will provide an example of GradCAM for object detection using YOLOv3.