All Projects → hardik2396 → Pyramidnet

hardik2396 / Pyramidnet

Licence: other
Pytorch implementation of pyramidnet

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Pyramidnet

Beauty Net
A simple, flexible, and extensible template for PyTorch. It's beautiful.
Stars: ✭ 190 (+603.7%)
Mutual labels:  image-classification
Labelimg
🖍️ LabelImg is a graphical image annotation tool and label object bounding boxes in images
Stars: ✭ 16,088 (+59485.19%)
Mutual labels:  image-classification
Googlenet Inception
TensorFlow implementation of GoogLeNet and Inception for image classification.
Stars: ✭ 230 (+751.85%)
Mutual labels:  image-classification
Nude.js
Nudity detection with JavaScript and HTMLCanvas
Stars: ✭ 2,236 (+8181.48%)
Mutual labels:  image-classification
Dataturks
ML data annotations made super easy for teams. Just upload data, add your team and build training/evaluation dataset in hours.
Stars: ✭ 200 (+640.74%)
Mutual labels:  image-classification
Pixel level land classification
Tutorial demonstrating how to create a semantic segmentation (pixel-level classification) model to predict land cover from aerial imagery. This model can be used to identify newly developed or flooded land. Uses ground-truth labels and processed NAIP imagery provided by the Chesapeake Conservancy.
Stars: ✭ 217 (+703.7%)
Mutual labels:  image-classification
Mobilenetv3
A Keras implementation of MobileNetV3.
Stars: ✭ 181 (+570.37%)
Mutual labels:  image-classification
Mobilenetv2 Pytorch
Impementation of MobileNetV2 in pytorch
Stars: ✭ 241 (+792.59%)
Mutual labels:  image-classification
Group Normalization Tensorflow
A TensorFlow implementation of Group Normalization on the task of image classification
Stars: ✭ 205 (+659.26%)
Mutual labels:  image-classification
Catalyst
Accelerated deep learning R&D
Stars: ✭ 2,804 (+10285.19%)
Mutual labels:  image-classification
Deepdetect
Deep Learning API and Server in C++14 support for Caffe, Caffe2, PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost and TSNE
Stars: ✭ 2,306 (+8440.74%)
Mutual labels:  image-classification
Imageatm
Image classification for everyone.
Stars: ✭ 201 (+644.44%)
Mutual labels:  image-classification
Nfnets Pytorch
NFNets and Adaptive Gradient Clipping for SGD implemented in PyTorch
Stars: ✭ 215 (+696.3%)
Mutual labels:  image-classification
Igcv3
Code and Pretrained model for IGCV3
Stars: ✭ 191 (+607.41%)
Mutual labels:  image-classification
Wildcat.pytorch
PyTorch implementation of "WILDCAT: Weakly Supervised Learning of Deep ConvNets for Image Classification, Pointwise Localization and Segmentation", CVPR 2017
Stars: ✭ 238 (+781.48%)
Mutual labels:  image-classification
Transformer In Transformer
Implementation of Transformer in Transformer, pixel level attention paired with patch level attention for image classification, in Pytorch
Stars: ✭ 176 (+551.85%)
Mutual labels:  image-classification
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (+685.19%)
Mutual labels:  image-classification
Computer Vision Guide
📖 This guide is to help you understand the basics of the computerized image and develop computer vision projects with OpenCV. Includes Python, Java, JavaScript, C# and C++ examples.
Stars: ✭ 244 (+803.7%)
Mutual labels:  image-classification
Pytorch fine tuning tutorial
A short tutorial on performing fine tuning or transfer learning in PyTorch.
Stars: ✭ 240 (+788.89%)
Mutual labels:  image-classification
Ml Classifier Ui
A UI tool for quickly training image classifiers in the browser
Stars: ✭ 224 (+729.63%)
Mutual labels:  image-classification

A PyTorch Implementation of PyramidNet

This is a PyTorch implementation of the Pyramid type architecture as described in the paper Deep Pyramidal Residual Networks by Dongyoon Han*, Jiwhan Kim*, and Junmo Kim. Their official implementation and links to many other third-party implementations are available in the jhkim89/PyramidNet repo on GitHub.The code in this repository is based on the example provided in PyTorch examples

Mixture of Softmaxes

This implementation incorporates MoS layer which is introduced in Breaking the Softmax Bottleneck: A High-Rank Language Model to deal with bottleneck in softmax. Recurrent dropout is also added to stabilise training. Information about why i used MoS layer can be found in pyramidnet IPython notebook.

Usage examples

To train additive PyramidNet-110 (alpha=48 with out MoS layer) on CIFAR-10 dataset with GPU:

CUDA_VISIBLE_DEVICES=0 python train.py --alpha 48 --depth 110  --batchsize 128 --lr 0.01 --print-freq 1 --expname PyramidNet-110 --dataset cifar10 --cuda

To train additive PyramidNet-110 (alpha=48 with MoS layer with 6 number of experts and 0.3 recurrent dropout) on CIFAR-100 dataset with :

CUDA_VISIBLE_DEVICES=0 python train.py --alpha 48 --depth 110 --batchsize 128 --lr 0.5 --print-freq 1 --expname PyramidNet-110 --dataset cifar100 --cuda --mos --k 6 --rd 0.3 

Tracking training progress with TensorBoard

Thanks to the implementation, which support the TensorBoard to track training progress efficiently, all the experiments can be tracked with tensorboard_logger.

Tensorboard_logger can be installed with

pip install tensorboard_logger

Results

Pre-trained weights and training log file of model with different number of experts can be found here.  

Requirements

Pytorch 0.3
Python 3.5
Numpy
Tensorboard Logger

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].