vit
There are 382 repositories under vit topic.
lukas-blecher/LaTeX-OCR
pix2tex: Using a ViT to convert images of equations into LaTeX code.
cmhungsteve/Awesome-Transformer-Attention
An ultimately comprehensive paper list of Vision Transformer/Attention, including papers, codes, and related websites
towhee-io/towhee
Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.
open-compass/VLMEvalKit
Open-source evaluation toolkit of large multi-modality models (LMMs), support 220+ LMMs, 80+ benchmarks
hila-chefer/Transformer-Explainability
[CVPR 2021] Official PyTorch implementation for Transformer Interpretability Beyond Attention Visualization, a novel method to visualize classifications by Transformer based networks.
roboflow/inference
Turn any computer or edge device into a command center for your computer vision projects.
Yangzhangcst/Transformer-in-Computer-Vision
A paper list of some recent Transformer-based CV works.
BR-IDL/PaddleViT
:robot: PaddleViT: State-of-the-art Visual Transformer and MLP Models for PaddlePaddle 2.0+
yitu-opensource/T2T-ViT
ICCV2021, Tokens-to-Token ViT: Training Vision Transformers from Scratch on ImageNet
sail-sg/Adan
Adan: Adaptive Nesterov Momentum Algorithm for Faster Optimizing Deep Models
v-iashin/video_features
Extract video features from raw videos using multiple GPUs. We support RAFT flow frames as well as S3D, I3D, R(2+1)D, VGGish, CLIP, and TIMM models.
chinhsuanwu/mobilevit-pytorch
A PyTorch implementation of "MobileViT: Light-weight, General-purpose, and Mobile-friendly Vision Transformer"
zgcr/SimpleAICV_pytorch_training_examples
SimpleAICV:pytorch training and testing examples.
tue-mps/eomt
[CVPR 2025 Highlight] Official code and models for Encoder-only Mask Transformer (EoMT).
eeyhsong/EEG-Transformer
i. A practical application of Transformer (ViT) on 2-D physiological signal (EEG) classification tasks. Also could be tried with EMG, EOG, ECG, etc. ii. Including the attention of spatial dimension (channel attention) and *temporal dimension*. iii. Common spatial pattern (CSP), an efficient feature enhancement method, realized with Python.
gupta-abhay/pytorch-vit
An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale
vatz88/FFCSonTheGo
FFCS course registration made hassle free for VITians. Search courses and visualize the timetable on the go!
PaddlePaddle/PASSL
PASSL包含 SimCLR,MoCo v1/v2,BYOL,CLIP,PixPro,simsiam, SwAV, BEiT,MAE 等图像自监督算法以及 Vision Transformer,DEiT,Swin Transformer,CvT,T2T-ViT,MLP-Mixer,XCiT,ConvNeXt,PVTv2 等基础视觉算法
SkyworkAI/MoH
MoH: Multi-Head Attention as Mixture-of-Head Attention
megvii-research/RevCol
Official Code of Paper "Reversible Column Networks" "RevColv2"
kyegomez/NaViT
My implementation of "Patch n’ Pack: NaViT, a Vision Transformer for any Aspect Ratio and Resolution"
xlite-dev/Awesome-Diffusion-Inference
📖A curated list of Awesome Diffusion Inference Papers with codes: Sampling, Caching, Multi-GPUs, etc. 🎉🎉
xmindflow/Awesome-Transformer-in-Medical-Imaging
[MedIA Journal] An ultimately comprehensive paper list of Vision Transformer/Attention, including papers, codes, and related websites
qanastek/HugsVision
HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision
zwcolin/EEG-Transformer
A ViT based transformer applied on multi-channel time-series EEG data for motor imagery classification
kyegomez/Vit-RGTS
Open source implementation of "Vision Transformers Need Registers"
implus/mae_segmentation
reproduction of semantic segmentation using masked autoencoder (mae)
yaoxiaoyuan/mimix
Mimix: A Text Generation Tool and Pretrained Chinese Models
PaddlePaddle/PLSC
Paddle Large Scale Classification Tools,supports ArcFace, CosFace, PartialFC, Data Parallel + Model Parallel. Model includes ResNet, ViT, Swin, DeiT, CaiT, FaceViT, MoCo, MAE, ConvMAE, CAE.
s-chh/PyTorch-Scratch-Vision-Transformer-ViT
Simple and easy to understand PyTorch implementation of Vision Transformer (ViT) from scratch, with detailed steps. Tested on common datasets like MNIST, CIFAR10, and more.
hunto/LightViT
Official implementation for paper "LightViT: Towards Light-Weight Convolution-Free Vision Transformers"
jaehyunnn/ViTPose_pytorch
An unofficial implementation of ViTPose [Y. Xu et al., 2022]
zubair-irshad/NeRF-MAE
[ECCV 2024] Pytorch code for our ECCV'24 paper NeRF-MAE: Masked AutoEncoders for Self-Supervised 3D Representation Learning for Neural Radiance Fields
kamalkraj/Vision-Transformer
Vision Transformer using TensorFlow 2.0
vitjs/vit
🚀 React application framework inspired by UmiJS / 类 UmiJS 的 React 应用框架
rasbt/pytorch-memory-optim
This code repository contains the code used for my "Optimizing Memory Usage for Training LLMs and Vision Transformers in PyTorch" blog post.