All Projects → iduta → Iresnet

iduta / Iresnet

Licence: mit
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Iresnet

Pyconv
Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)
Stars: ✭ 231 (+41.72%)
Mutual labels:  artificial-intelligence, deep-neural-networks, convolutional-neural-networks, cnn, imagenet, image-recognition
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+19.63%)
Mutual labels:  artificial-intelligence, convolutional-neural-networks, neural-networks, cnn, image-classification, resnet
Artificio
Deep Learning Computer Vision Algorithms for Real-World Use
Stars: ✭ 326 (+100%)
Mutual labels:  artificial-intelligence, convolutional-neural-networks, neural-networks, image-classification, image-recognition
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-14.72%)
Mutual labels:  artificial-intelligence, convolutional-neural-networks, cnn, image-classification, image-recognition
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (+30.06%)
Mutual labels:  artificial-intelligence, convolutional-neural-networks, cnn, image-classification, image-recognition
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-23.93%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, neural-networks, cnn
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+130.06%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn, image-classification
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+66.87%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification, resnet
Sincnet
SincNet is a neural architecture for efficiently processing raw audio samples.
Stars: ✭ 764 (+368.71%)
Mutual labels:  artificial-intelligence, convolutional-neural-networks, neural-networks, cnn
Deep learning projects
Stars: ✭ 28 (-82.82%)
Mutual labels:  convolutional-neural-networks, neural-networks, image-classification, image-recognition
Meme Generator
MemeGen is a web application where the user gives an image as input and our tool generates a meme at one click for the user.
Stars: ✭ 57 (-65.03%)
Mutual labels:  artificial-intelligence, neural-networks, cnn, image-classification
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (-12.27%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, neural-networks, cnn
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (+393.87%)
Mutual labels:  deep-neural-networks, neural-networks, cnn, image-classification
Deep Ranking
Learning Fine-grained Image Similarity with Deep Ranking is a novel application of neural networks, where the authors use a new multi scale architecture combined with a triplet loss to create a neural network that is able to perform image search. This repository is a simplified implementation of the same
Stars: ✭ 64 (-60.74%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, image-classification, resnet
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-47.85%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification, imagenet
Models Comparison.pytorch
Code for the paper Benchmark Analysis of Representative Deep Neural Network Architectures
Stars: ✭ 148 (-9.2%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, imagenet
Top Deep Learning
Top 200 deep learning Github repositories sorted by the number of stars.
Stars: ✭ 1,365 (+737.42%)
Mutual labels:  artificial-intelligence, deep-neural-networks, convolutional-neural-networks
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+757.06%)
Mutual labels:  deep-neural-networks, image-classification, resnet
Har Keras Cnn
Human Activity Recognition (HAR) with 1D Convolutional Neural Network in Python and Keras
Stars: ✭ 97 (-40.49%)
Mutual labels:  artificial-intelligence, deep-neural-networks, convolutional-neural-networks
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-26.38%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification

Improved Residual Networks

This is a PyTorch implementation of "Improved Residual Networks for Image and Video Recognition" paper:

@article{duta2020improved,
  author  = {Ionut Cosmin Duta and Li Liu and Fan Zhu and Ling Shao},
  title   = {Improved Residual Networks for Image and Video Recognition},
  journal = {arXiv preprint arXiv:2004.04989},
  year    = {2020},
}

The models trained on ImageNet can be found here.

The iResNet (improved residual network) is able to improve the baseline (ResNet) in terms of recognition performance without increasing the number of parameters and computational costs. The iResNet is very effective in training very deep models (see the paper for details).

The accuracy on ImageNet (using the default training settings):

Network 50-layers 101-layers 152-layers 200-layers
ResNet 76.12% (model) 78.00% (model) 78.45% (model) 77.55% (model)
iResnet 77.31% (model) 78.64% (model) 79.34% (model) 79.48% (model)

Requirements

Install PyTorch and ImageNet dataset following the official PyTorch ImageNet training code.

A fast alternative (without the need to install PyTorch and other deep learning libraries) is to use NVIDIA-Docker, we used this container image.

Training

To train a model (for instance, iResNet with 50 layers) using DataParallel run main.py; you need also to provide result_path (the directory path where to save the results and logs) and the --data (the path to the ImageNet dataset):

result_path=/your/path/to/save/results/and/logs/
mkdir -p ${result_path}
python main.py \
--data /your/path/to/ImageNet/dataset/ \
--result_path ${result_path} \
--arch iresnet \
--model_depth 50

To train using Multi-processing Distributed Data Parallel Training follow the instructions in the official PyTorch ImageNet training code.

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