All Projects → leaderj1001 → BottleneckTransformers

leaderj1001 / BottleneckTransformers

Licence: MIT license
Bottleneck Transformers for Visual Recognition

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to BottleneckTransformers

pytorch-vit
An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale
Stars: ✭ 250 (+8.23%)
Mutual labels:  transformers, image-classification, image-recognition
Aognet
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
Stars: ✭ 132 (-42.86%)
Mutual labels:  imagenet, image-classification, cifar10
Neural Backed Decision Trees
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
Stars: ✭ 411 (+77.92%)
Mutual labels:  imagenet, image-classification, cifar10
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-29.44%)
Mutual labels:  imagenet, image-classification, image-recognition
Petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
Stars: ✭ 112 (-51.52%)
Mutual labels:  imagenet, image-classification, cifar10
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (-23.38%)
Mutual labels:  imagenet, image-classification, cifar10
TensorFlow-Binary-Image-Classification-using-CNN-s
Binary Image Classification in TensorFlow
Stars: ✭ 26 (-88.74%)
Mutual labels:  image-classification, image-recognition
tensorflow-image-recognition-chrome-extension
Chrome browser extension for using TensorFlow image recognition on web pages
Stars: ✭ 88 (-61.9%)
Mutual labels:  image-classification, image-recognition
LIT
[AAAI 2022] This is the official PyTorch implementation of "Less is More: Pay Less Attention in Vision Transformers"
Stars: ✭ 79 (-65.8%)
Mutual labels:  transformers, image-recognition
Image-Classification
Pre-trained VGG-Net Model for image classification using tensorflow
Stars: ✭ 29 (-87.45%)
Mutual labels:  image-classification, image-recognition
PyTorch-Model-Compare
Compare neural networks by their feature similarity
Stars: ✭ 119 (-48.48%)
Mutual labels:  transformers, imagenet
pytorch-cifar-model-zoo
Implementation of Conv-based and Vit-based networks designed for CIFAR.
Stars: ✭ 62 (-73.16%)
Mutual labels:  image-classification, cifar10
TensorFlow-Multiclass-Image-Classification-using-CNN-s
Balanced Multiclass Image Classification with TensorFlow on Python.
Stars: ✭ 57 (-75.32%)
Mutual labels:  image-classification, image-recognition
Vit Pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Stars: ✭ 7,199 (+3016.45%)
Mutual labels:  transformers, image-classification
HugsVision
HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision
Stars: ✭ 154 (-33.33%)
Mutual labels:  transformers, 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 (-88.31%)
Mutual labels:  imagenet, image-classification
shake-drop pytorch
PyTorch implementation of shake-drop regularization
Stars: ✭ 50 (-78.35%)
Mutual labels:  image-classification, cifar10
Paper-Notes
Paper notes in deep learning/machine learning and computer vision
Stars: ✭ 37 (-83.98%)
Mutual labels:  image-classification, image-recognition
jpetstore-kubernetes
Modernize and Extend: JPetStore on IBM Cloud Kubernetes Service
Stars: ✭ 21 (-90.91%)
Mutual labels:  image-classification, image-recognition
UnityProminentColor
Tool to gather main colors of an image using Unity.
Stars: ✭ 40 (-82.68%)
Mutual labels:  image-classification, image-recognition

Bottleneck Transformers for Visual Recognition

Update 2021/03/14

  • support Multi-head Attention

Experiments

Model heads Params (M) Acc (%)
ResNet50 baseline (ref) 23.5M 93.62
BoTNet-50 1 18.8M 95.11%
BoTNet-50 4 18.8M 95.78%
BoTNet-S1-50 1 18.8M 95.67%
BoTNet-S1-59 1 27.5M 95.98%
BoTNet-S1-77 1 44.9M wip

Summary

스크린샷 2021-01-28 오후 4 50 19

Usage (example)

  • Model
from model import Model

model = ResNet50(num_classes=1000, resolution=(224, 224))
x = torch.randn([2, 3, 224, 224])
print(model(x).size())
  • Module
from model import MHSA

resolution = 14
mhsa = MHSA(planes, width=resolution, height=resolution)

Reference

  • Paper link
  • Author: Aravind Srinivas, Tsung-Yi Lin, Niki Parmar, Jonathon Shlens, Pieter Abbeel, Ashish Vaswani
  • Organization: UC Berkeley, Google Research
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].