All Projects → gupta-abhay → Vit

gupta-abhay / Vit

Licence: mit
An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Vit

PlayerDetection
Player detection and ball detection in football matches using image processing(opencv).
Stars: ✭ 50 (-71.59%)
Mutual labels:  image-classification, image-recognition
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-7.39%)
Mutual labels:  image-classification, image-recognition
Deep-Learning
It contains the coursework and the practice I have done while learning Deep Learning.🚀 👨‍💻💥 🚩🌈
Stars: ✭ 21 (-88.07%)
Mutual labels:  image-classification, image-recognition
Idenprof
IdenProf dataset is a collection of images of identifiable professionals. It is been collected to enable the development of AI systems that can serve by identifying people and the nature of their job by simply looking at an image, just like humans can do.
Stars: ✭ 149 (-15.34%)
Mutual labels:  image-classification, image-recognition
Channel Pruning
Channel Pruning for Accelerating Very Deep Neural Networks (ICCV'17)
Stars: ✭ 979 (+456.25%)
Mutual labels:  image-classification, image-recognition
al-fk-self-supervision
Official PyTorch code for CVPR 2020 paper "Deep Active Learning for Biased Datasets via Fisher Kernel Self-Supervision"
Stars: ✭ 28 (-84.09%)
Mutual labels:  image-classification, image-recognition
Artificio
Deep Learning Computer Vision Algorithms for Real-World Use
Stars: ✭ 326 (+85.23%)
Mutual labels:  image-classification, image-recognition
Image-Classifier
Final Project of the Udacity AI Programming with Python Nanodegree
Stars: ✭ 63 (-64.2%)
Mutual labels:  image-classification, image-recognition
Deep learning projects
Stars: ✭ 28 (-84.09%)
Mutual labels:  image-classification, image-recognition
Dmsmsgrcg
A photo OCR project aims to output DMS messages contained in sign structure images.
Stars: ✭ 18 (-89.77%)
Mutual labels:  image-classification, image-recognition
aws-rekognition
A Laravel Package/Facade for the AWS Rekognition API
Stars: ✭ 20 (-88.64%)
Mutual labels:  image-classification, image-recognition
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-21.02%)
Mutual labels:  image-classification, image-recognition
GFNet
[NeurIPS 2021] Global Filter Networks for Image Classification
Stars: ✭ 199 (+13.07%)
Mutual labels:  image-classification, image-recognition
Reproducibilty-Challenge-ECANET
Unofficial Implementation of ECANets (CVPR 2020) for the Reproducibility Challenge 2020.
Stars: ✭ 27 (-84.66%)
Mutual labels:  image-classification, image-recognition
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 (-54.55%)
Mutual labels:  image-classification, image-recognition
Flutter programs
Experiments with Mobile
Stars: ✭ 308 (+75%)
Mutual labels:  image-classification, image-recognition
CoreML-and-Vision-with-a-pre-trained-deep-learning-SSD-model
This project shows how to use CoreML and Vision with a pre-trained deep learning SSD (Single Shot MultiBox Detector) model. There are many variations of SSD. The one we’re going to use is MobileNetV2 as the backbone this model also has separable convolutions for the SSD layers, also known as SSDLite. This app can find the locations of several di…
Stars: ✭ 16 (-90.91%)
Mutual labels:  image-classification, image-recognition
deforestation
A machine learning exercise, using KNN to classify deforested areas
Stars: ✭ 26 (-85.23%)
Mutual labels:  image-classification, image-recognition
Basic cnns tensorflow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
Stars: ✭ 374 (+112.5%)
Mutual labels:  image-classification, image-recognition
Rostensorflow
TensorFlow ImageNet demo using ROS sensor_msgs/Image
Stars: ✭ 59 (-66.48%)
Mutual labels:  image-classification, image-recognition

Vision Transformers

Implementation of Vision Transformer in PyTorch, a new model to achieve SOTA in vision classification with using transformer style encoders. Associated blog article.

ViT

Features

  • [x] Vanilla ViT
  • [x] Hybrid ViT (with support for BiTResNets as backbone)
  • [x] Hybrid ViT (with support for AxialResNets as backbone)
  • [x] Training Scripts

To Do:

  • [ ] Training Script
    • [ ] Support for linear decay
    • [ ] Correct hyper parameters
  • [ ] Full Axial-ViT
  • [ ] Results for Imagenet-1K and Imagenet-21K

Installation

Create the environment:

conda env create -f environment.yml

Preparing the dataset:

mkdir data
cd data
ln -s path/to/dataset imagenet

Running the Scripts

For non-distributed training:

python train.py --model ViT --name vit_logs

For distributed training:

CUDA_VISIBLE_DEVICES=0,1,2,3 python dist_train.py --model ViT --name vit_dist_logs

For testing add the --test parameter:

python train.py --model ViT --name vit_logs --test
CUDA_VISIBLE_DEVICES=0,1,2,3 python dist_train.py --model ViT --name vit_dist_logs --test

References

  1. BiTResNet: https://github.com/google-research/big_transfer/tree/master/bit_pytorch
  2. AxialResNet: https://github.com/csrhddlam/axial-deeplab
  3. Training Scripts: https://github.com/csrhddlam/axial-deeplab

Citations

@inproceedings{
    anonymous2021an,
    title={An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale},
    author={Anonymous},
    booktitle={Submitted to International Conference on Learning Representations},
    year={2021},
    url={https://openreview.net/forum?id=YicbFdNTTy},
    note={under review}
}
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].