All Projects → kevin-ssy → Fishnet

kevin-ssy / Fishnet

Implementation code of the paper: FishNet: A Versatile Backbone for Image, Region, and Pixel Level Prediction, NeurIPS 2018

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Fishnet

Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+351.22%)
Mutual labels:  segmentation, image-classification, imagenet
Rectlabel Support
RectLabel - An image annotation tool to label images for bounding box object detection and segmentation.
Stars: ✭ 338 (-36.59%)
Mutual labels:  segmentation, image-classification, imagenet
super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library
Stars: ✭ 429 (-19.51%)
Mutual labels:  imagenet, image-classification
image-classification
A collection of SOTA Image Classification Models in PyTorch
Stars: ✭ 70 (-86.87%)
Mutual labels:  imagenet, image-classification
Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
Stars: ✭ 8,046 (+1409.57%)
Mutual labels:  imagenet, image-classification
img classification deep learning
No description or website provided.
Stars: ✭ 19 (-96.44%)
Mutual labels:  imagenet, image-classification
BottleneckTransformers
Bottleneck Transformers for Visual Recognition
Stars: ✭ 231 (-56.66%)
Mutual labels:  imagenet, image-classification
Caer
High-performance Vision library in Python. Scale your research, not boilerplate.
Stars: ✭ 452 (-15.2%)
Mutual labels:  segmentation, image-classification
Segmentation models.pytorch
Segmentation models with pretrained backbones. PyTorch.
Stars: ✭ 4,584 (+760.04%)
Mutual labels:  segmentation, imagenet
Assembled Cnn
Tensorflow implementation of "Compounding the Performance Improvements of Assembled Techniques in a Convolutional Neural Network"
Stars: ✭ 319 (-40.15%)
Mutual labels:  image-classification, imagenet
Rexnet
Official Pytorch implementation of ReXNet (Rank eXpansion Network) with pretrained models
Stars: ✭ 319 (-40.15%)
Mutual labels:  image-classification, imagenet
Parametric-Contrastive-Learning
Parametric Contrastive Learning (ICCV2021)
Stars: ✭ 155 (-70.92%)
Mutual labels:  imagenet, image-classification
Skin Lesions Classification DCNNs
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification
Stars: ✭ 47 (-91.18%)
Mutual labels:  imagenet, image-classification
etiketai
Etiketai is an online tool designed to label images, useful for training AI models
Stars: ✭ 63 (-88.18%)
Mutual labels:  imagenet, image-classification
head-network-distillation
[IEEE Access] "Head Network Distillation: Splitting Distilled Deep Neural Networks for Resource-constrained Edge Computing Systems" and [ACM MobiCom HotEdgeVideo 2019] "Distilled Split Deep Neural Networks for Edge-assisted Real-time Systems"
Stars: ✭ 27 (-94.93%)
Mutual labels:  imagenet, image-classification
pigallery
PiGallery: AI-powered Self-hosted Secure Multi-user Image Gallery and Detailed Image analysis using Machine Learning, EXIF Parsing and Geo Tagging
Stars: ✭ 35 (-93.43%)
Mutual labels:  imagenet, image-classification
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+136.02%)
Mutual labels:  segmentation, imagenet
Vision4j Collection
Collection of computer vision models, ready to be included in a JVM project
Stars: ✭ 132 (-75.23%)
Mutual labels:  segmentation, imagenet
coursera-ai-for-medicine-specialization
Programming assignments, labs and quizzes from all courses in the Coursera AI for Medicine Specialization offered by deeplearning.ai
Stars: ✭ 80 (-84.99%)
Mutual labels:  image-classification, segmentation
Computer Vision
Programming Assignments and Lectures for Stanford's CS 231: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 408 (-23.45%)
Mutual labels:  image-classification, imagenet

FishNet

This repo holds the implementation code of the paper:

FishNet: A Versatile Backbone for Image, Region, and Pixel Level Prediction , Shuyang Sun, Jiangmiao Pang, Jianping Shi, Shuai Yi, Wanli Ouyang, NeurIPS 2018.

FishNet was used as a key component for winning the 1st place in COCO Detection Challenge 2018.

Note that the results released here are a bit better than what we have reported in the paper.

Prerequisites

  • Python 3.6.x
  • PyTorch 0.4.0+

Data Augmentation

Method Settings
Random Flip True
Random Crop 8% ~ 100%
Aspect Ratio 3/4 ~ 4/3
Random PCA Lighting 0.1

Note: We apply weight decay to all weights and biases instead of just the weights of the convolution layers.

Training

To train FishNet-150 with 8 GPUs and batch size 256, simply run

python main.py --config "cfgs/fishnet150.yaml" IMAGENET_ROOT_PATH

Models

Models trained without tricks

Model Params FLOPs Top-1 Top-5 Baidu Yun Google Cloud
FishNet99 16.62M 4.31G 77.41% 93.59% Download Download
FishNet150 24.96M 6.45G 78.14% 93.95% Download Download
FishNet201 44.58M 10.58G 78.76% 94.39% Available Soon Available Soon

Models trained with cosine lr schedule (200 epochs) and label smoothing

Model Params FLOPs Top-1 Top-5 Baidu Yun Google Cloud
FishNet150 24.96M 6.45G 79.35% 94.75% Download Download
FishNet201 44.58M 10.58G 79.71% 94.79% Download Download

To load these models, e.g. FishNet150, you need to first construct your FishNet150 structure like:

from models.network_factory import fishnet150
model = fishnet150()

and then you can load the weights from the pre-trained checkpoint by:

checkpoint = torch.load(model_path)  #  model_path: your checkpoint path, e.g. checkpoints/fishnet150.tar
best_prec1 = checkpoint['best_prec1']
model.load_state_dict(checkpoint['state_dict'])
optimizer.load_state_dict(checkpoint['optimizer'])

Note that you do NOT need to decompress the model using the tar command. The model you download from the cloud could be loaded directly.

TODO:

  • [x] Update our arxiv paper.
  • [x] Release pre-train models.
  • [ ] Train the model with more training tricks.

Citation

If you find our research useful, please cite the paper:

@inproceedings{sun2018fishnet,
  title={FishNet: A Versatile Backbone for Image, Region, and Pixel Level Prediction},
  author={Sun, Shuyang and Pang, Jiangmiao and Shi, Jianping and Yi, Shuai and Ouyang, Wanli},
  booktitle={Advances in Neural Information Processing Systems},
  pages={760--770},
  year={2018}
}

Contact

You can contact Shuyang Sun by sending email to kevin.sysu[email protected]

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