All Projects → d-li14 → Octconv.pytorch

d-li14 / Octconv.pytorch

Licence: apache-2.0
PyTorch implementation of Octave Convolution with pre-trained Oct-ResNet and Oct-MobileNet models

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Octconv.pytorch

Mmclassification
OpenMMLab Image Classification Toolbox and Benchmark
Stars: ✭ 532 (+132.31%)
Mutual labels:  resnet, imagenet, mobilenet
ModelZoo.pytorch
Hands on Imagenet training. Unofficial ModelZoo project on Pytorch. MobileNetV3 Top1 75.64🌟 GhostNet1.3x 75.78🌟
Stars: ✭ 42 (-81.66%)
Mutual labels:  imagenet, resnet, mobilenet
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-28.82%)
Mutual labels:  deep-neural-networks, resnet, imagenet
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+1384.28%)
Mutual labels:  deep-neural-networks, resnet, mobilenet
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+309.61%)
Mutual labels:  resnet, imagenet, mobilenet
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+510.04%)
Mutual labels:  deep-neural-networks, resnet
Ghostnet
CV backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
Stars: ✭ 1,744 (+661.57%)
Mutual labels:  imagenet, mobilenet
Ir Net
This project is the PyTorch implementation of our accepted CVPR 2020 paper : forward and backward information retention for accurate binary neural networks.
Stars: ✭ 119 (-48.03%)
Mutual labels:  resnet, imagenet
Pytorch Imagenet Cifar Coco Voc Training
Training examples and results for ImageNet(ILSVRC2012)/CIFAR100/COCO2017/VOC2007+VOC2012 datasets.Image Classification/Object Detection.Include ResNet/EfficientNet/VovNet/DarkNet/RegNet/RetinaNet/FCOS/CenterNet/YOLOv3.
Stars: ✭ 130 (-43.23%)
Mutual labels:  resnet, imagenet
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (-63.32%)
Mutual labels:  resnet, mobilenet
Pyramidnet
Torch implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).
Stars: ✭ 121 (-47.16%)
Mutual labels:  resnet, imagenet
Aognet
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
Stars: ✭ 132 (-42.36%)
Mutual labels:  deep-neural-networks, imagenet
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+453.71%)
Mutual labels:  resnet, imagenet
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-62.88%)
Mutual labels:  imagenet, mobilenet
Resnet Imagenet Caffe
train resnet on imagenet from scratch with caffe
Stars: ✭ 105 (-54.15%)
Mutual labels:  resnet, imagenet
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+449.34%)
Mutual labels:  resnet, imagenet
Imagenet
This implements training of popular model architectures, such as AlexNet, ResNet and VGG on the ImageNet dataset(Now we supported alexnet, vgg, resnet, squeezenet, densenet)
Stars: ✭ 126 (-44.98%)
Mutual labels:  resnet, imagenet
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+738.43%)
Mutual labels:  imagenet, mobilenet
Models Comparison.pytorch
Code for the paper Benchmark Analysis of Representative Deep Neural Network Architectures
Stars: ✭ 148 (-35.37%)
Mutual labels:  deep-neural-networks, imagenet
Channelnets
Tensorflow Implementation of ChannelNets (NeurIPS 18)
Stars: ✭ 73 (-68.12%)
Mutual labels:  deep-neural-networks, mobilenet

octconv.pytorch

PyTorch implementation of Octave Convolution in Drop an Octave: Reducing Spatial Redundancy in Convolutional Neural Networks with Octave Convolution

ResNet-50/101 on ImageNet

Architecture LR decay strategy Parameters GFLOPs Top-1 / Top-5 Accuracy (%)
ResNet-50 step (90 epochs) 25.557M 4.089 76.010 / 92.834
ResNet-50 cosine (120 epochs) 25.557M 4.089 77.150 / 93.468
Oct-ResNet-50 (alpha=0.5) cosine (120 epochs) 25.557M 2.367 77.640 / 93.662
ResNet-101 cosine (120 epochs) 44.549M 7.801 78.898 / 94.304
Oct-ResNet-101 (alpha=0.5) cosine (120 epochs) 44.549M 3.991 78.794 / 94.330
ResNet-152 cosine (120 epochs) 60.193M 11.514 79.234 / 94.556
Oct-ResNet-152 (alpha=0.5) cosine (120 epochs) 60.193M 5.615 79.258 / 94.480

MobileNet V1 on ImageNet

Architecture LR decay strategy Parameters FLOPs Top-1 / Top-5 Accuracy (%)
MobileNetV1 cosine (150 epochs) 4.232M 568.7M 72.238 / 90.536
Oct-MobileNetV1 cosine (150 epochs) 4.232M 318.2M 71.254 / 89.728

Acknowledgement

Official MXNet implmentation by @cypw

Citation

@InProceedings{Chen_2019_ICCV,
author = {Chen, Yunpeng and Fan, Haoqi and Xu, Bing and Yan, Zhicheng and Kalantidis, Yannis and Rohrbach, Marcus and Yan, Shuicheng and Feng, Jiashi},
title = {Drop an Octave: Reducing Spatial Redundancy in Convolutional Neural Networks With Octave Convolution},
booktitle = {The IEEE International Conference on Computer Vision (ICCV)},
month = {October},
year = {2019}
}
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].