All Projects → Ugenteraan → ResNet-50-CBAM-PyTorch

Ugenteraan / ResNet-50-CBAM-PyTorch

Licence: MIT license
Implementation of Resnet-50 with and without CBAM in PyTorch v1.8. Implementation tested on Intel Image Classification dataset from https://www.kaggle.com/puneet6060/intel-image-classification.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to ResNet-50-CBAM-PyTorch

wildflower-finder
Image classification of wildflowers using deep residual learning and convolutional neural nets
Stars: ✭ 25 (-19.35%)
Mutual labels:  image-classification, resnet-50
tfvaegan
[ECCV 2020] Official Pytorch implementation for "Latent Embedding Feedback and Discriminative Features for Zero-Shot Classification". SOTA results for ZSL and GZSL
Stars: ✭ 107 (+245.16%)
Mutual labels:  image-classification, pytorch-implementation
nnDetection
nnDetection is a self-configuring framework for 3D (volumetric) medical object detection which can be applied to new data sets without manual intervention. It includes guides for 12 data sets that were used to develop and evaluate the performance of the proposed method.
Stars: ✭ 355 (+1045.16%)
Mutual labels:  pytorch-implementation
PyTrx
PyTrx is a Python object-oriented programme created for the purpose of calculating real-world measurements from oblique images and time-lapse image series. Its primary purpose is to obtain velocities, surface areas, and distances from oblique, optical imagery of glacial environments.
Stars: ✭ 31 (+0%)
Mutual labels:  image-classification
BottleneckTransformers
Bottleneck Transformers for Visual Recognition
Stars: ✭ 231 (+645.16%)
Mutual labels:  image-classification
TS3000 TheChatBOT
Its a social networking chat-bot trained on Reddit dataset . It supports open bounded queries developed on the concept of Neural Machine Translation. Beware of its being sarcastic just like its creator 😝 BDW it uses Pytorch framework and Python3.
Stars: ✭ 20 (-35.48%)
Mutual labels:  pytorch-implementation
music-genre-classification
Zalo AI Challenge - Music Genre Classification
Stars: ✭ 23 (-25.81%)
Mutual labels:  image-classification
Food-Categories-Classification
This repository contains the dataset and the source code for the classification of food categories from meal images.
Stars: ✭ 48 (+54.84%)
Mutual labels:  image-classification
backprop
Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.
Stars: ✭ 229 (+638.71%)
Mutual labels:  image-classification
keyphrase-generation-rl
Code for the ACL 19 paper "Neural Keyphrase Generation via Reinforcement Learning with Adaptive Rewards"
Stars: ✭ 95 (+206.45%)
Mutual labels:  pytorch-implementation
ailia-models
The collection of pre-trained, state-of-the-art AI models for ailia SDK
Stars: ✭ 1,102 (+3454.84%)
Mutual labels:  image-classification
img classification deep learning
No description or website provided.
Stars: ✭ 19 (-38.71%)
Mutual labels:  image-classification
imgpalr
R package for generating color palettes from arbitrary images.
Stars: ✭ 44 (+41.94%)
Mutual labels:  image-classification
denoised-smoothing
Provably defending pretrained classifiers including the Azure, Google, AWS, and Clarifai APIs
Stars: ✭ 82 (+164.52%)
Mutual labels:  image-classification
Resolvedor-de-Sudoku
Resolver Sudoku de genina.com
Stars: ✭ 17 (-45.16%)
Mutual labels:  image-classification
image features
Extract deep learning features from images using simple python interface
Stars: ✭ 84 (+170.97%)
Mutual labels:  image-classification
skillful nowcasting
Implementation of DeepMind's Deep Generative Model of Radar (DGMR) https://arxiv.org/abs/2104.00954
Stars: ✭ 117 (+277.42%)
Mutual labels:  pytorch-implementation
encrypted-skin-cancer-detection
Detecting skin cancer in encrypted images with TensorFlow
Stars: ✭ 27 (-12.9%)
Mutual labels:  image-classification
Xception-with-Your-Own-Dataset
Easy-to-use scripts for training and inferencing with Xception on your own dataset
Stars: ✭ 51 (+64.52%)
Mutual labels:  image-classification
stackml-js
Machine Learning platform in-browser for creators
Stars: ✭ 34 (+9.68%)
Mutual labels:  image-classification

ResNet-50 with CBAM using PyTorch 1.8

Introduction

This repository contains the implementation of ResNet-50 with and without CBAM. Note that some parameters of the architecture may vary such as the kernel size or strides of convolutional layers. The implementation was tested on Intel's Image Classification dataset that can be found here.

Pretrained Weights

The trained models' weights are provided here.

How to Use

In order to train your own custom dataset with this implementation, place your dataset folder at the root directory. Make sure that your dataset is split into two subfolder. train and test where the former contains your training dataset and the latter contains your validation set. Refer to the folder named intel_dataset in the repo as an example.

If you wish to train the model without CBAM, you can do so with

python train.py --data_folder [YOUR DATASET FOLDER NAME] --gpus [NUMBER OF GPU]

To train the model with CBAM, run

python train.py --data_folder [YOUR DATASET FOLDER NAME] --gpus [NUMBER OF GPU] --use_cbam

There are more arguments that can be supplied to the command. Run

python train.py -h

for more information.

If you wish to visualize the final layer of feature maps produced by the trained model, create a folder in the root directory and simply place your images inside it and run

python visualize.py --data_folder [FOLDER NAME] 

Additionally, if the model was trained on CBAM architecture, then add --use_cbam at the end of the command above.

Performance

ResNet-50 with CBAM achieved an accuracy of 86.6% on the validation set while ResNet-50 without CBAM achieved an accuracy of 84.34% on the same validation set. The figures below show the improvement of the models over the epochs.

ResNet-50 Without CBAM

Accuracy over 30 epochs

Loss over 30 epochs

ResNet-50 with CBAM

Accuracy over 30 epochs

Loss over 30 epochs

Visualization

The figures below are the feature maps of the final convolutional layer of both ResNet-50 without CBAM and ResNet-50 with CBAM.

ResNet-50 With CBAM


ResNet-50 Without CBAM

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].