Vision Transformer (ViT)
This model was released on 2020-10-22 and added to Hugging Face Transformers on 2021-04-01.
Vision Transformer (ViT)
Section titled “Vision Transformer (ViT)”Vision Transformer (ViT) is a transformer adapted for computer vision tasks. An image is split into smaller fixed-sized patches which are treated as a sequence of tokens, similar to words for NLP tasks. ViT requires less resources to pretrain compared to convolutional architectures and its performance on large datasets can be transferred to smaller downstream tasks.
You can find all the original ViT checkpoints under the Google organization.
The example below demonstrates how to classify an image with Pipeline or the AutoModel class.
import torchfrom transformers import pipeline
pipeline = pipeline( task="image-classification", model="google/vit-base-patch16-224", dtype=torch.float16, device=0)pipeline("https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/pipeline-cat-chonk.jpeg")import torchimport requestsfrom PIL import Imagefrom transformers import AutoModelForImageClassification, AutoImageProcessor
image_processor = AutoImageProcessor.from_pretrained( "google/vit-base-patch16-224", use_fast=True,)model = AutoModelForImageClassification.from_pretrained( "google/vit-base-patch16-224", dtype=torch.float16, device_map="auto", attn_implementation="sdpa")url = "https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/pipeline-cat-chonk.jpeg"image = Image.open(requests.get(url, stream=True).raw)inputs = image_processor(image, return_tensors="pt").to(model.device)
with torch.no_grad(): logits = model(**inputs).logitspredicted_class_id = logits.argmax(dim=-1).item()
class_labels = model.config.id2labelpredicted_class_label = class_labels[predicted_class_id]print(f"The predicted class label is: {predicted_class_label}")- The best results are obtained with supervised pretraining, and during fine-tuning, it may be better to use images with a resolution higher than 224x224.
- Use
ViTImageProcessorFastto resize (or rescale) and normalize images to the expected size. - The patch and image resolution are reflected in the checkpoint name. For example, google/vit-base-patch16-224, is the base-sized architecture with a patch resolution of 16x16 and fine-tuning resolution of 224x224.
ViTConfig
Section titled “ViTConfig”[[autodoc]] ViTConfig
ViTImageProcessor
Section titled “ViTImageProcessor”[[autodoc]] ViTImageProcessor - preprocess
ViTImageProcessorFast
Section titled “ViTImageProcessorFast”[[autodoc]] ViTImageProcessorFast - preprocess
ViTModel
Section titled “ViTModel”[[autodoc]] ViTModel - forward
ViTForMaskedImageModeling
Section titled “ViTForMaskedImageModeling”[[autodoc]] ViTForMaskedImageModeling - forward
ViTForImageClassification
Section titled “ViTForImageClassification”[[autodoc]] ViTForImageClassification - forward