torchvision0.8.0 package

Models, Datasets and Transformations for Images

base_loader

Base loader

batched_nms

Batched Non-maximum Suppression (NMS)

box_area

Box Area

box_convert

Box Convert

box_cxcywh_to_xyxy

box_cxcywh_to_xyxy

box_iou

Box IoU

box_xywh_to_xyxy

box_xywh_to_xyxy

box_xyxy_to_cxcywh

box_xyxy_to_cxcywh

box_xyxy_to_xywh

box_xyxy_to_xywh

caltech_dataset

Caltech Datasets

cifar_datasets

CIFAR datasets

clip_boxes_to_image

Clip Boxes to Image

coco_caption_dataset

COCO Caption Dataset

coco_detection_dataset

COCO Detection Dataset

coco_polygon_to_mask

Convert COCO polygon to mask tensor (Robust Version)

dot-rename_mobilenet_v3_state_dict

Rename state_dict keys to match current MobileNetV3 model structure

draw_bounding_boxes

Draws bounding boxes on image.

draw_keypoints

Draws Keypoints

draw_segmentation_masks

Draw segmentation masks

eurosat_dataset

EuroSAT datasets

fer_dataset

FER-2013 Facial Expression Dataset

fgvc_aircraft_dataset

FGVC Aircraft Dataset

flickr_caption_dataset

Flickr Caption Datasets

flowers102_dataset

Oxford Flowers 102 Dataset

generalized_box_iou

Generalized Box IoU

image_folder_dataset

Create an image folder dataset

imagenet_classes

ImageNet Class Labels

lfw_dataset

LFW Datasets

magick_loader

Load an Image using ImageMagick

mnist_dataset

MNIST and Derived Datasets

model_alexnet

AlexNet Model Architecture

model_convnext

ConvNeXt Implementation

model_deeplabv3

DeepLabV3 Models

model_efficientnet_v2

EfficientNetV2 Models

model_efficientnet

EfficientNet Models

model_facenet

MTCNN Face Detection Networks

model_fasterrcnn

Faster R-CNN Models

model_fcn_resnet

Fully Convolutional Network for Semantic Segmentation

model_inception_v3

Inception v3 model

model_maxvit

MaxViT Model

model_mobilenet_v2

MobileNetV2 Model

model_mobilenet_v3

MobileNetV3 Model

model_resnet

ResNet implementation

model_vgg

VGG implementation

model_vit

Vision Transformer Implementation

nms

Non-maximum Suppression (NMS)

oxfordiiitpet_dataset

Oxford-IIIT Pet Classification Datasets

oxfordiiitpet_segmentation_dataset

Oxford-IIIT Pet Segmentation Dataset

pascal_voc_datasets

Pascal VOC Datasets

places365_dataset

Places365 Dataset

remove_small_boxes

Remove Small Boxes

rf100_biology_collection

RoboFlow 100 Biology dataset Collection

rf100_damage_collection

RoboFlow 100 Damages dataset Collection

rf100_document_collection

RF100 Document Collection Datasets

rf100_infrared_collection

RoboFlow 100 Infrared dataset Collection

rf100_medical_collection

RoboFlow 100 Medical dataset Collection

rf100_peixos_segmentation_dataset

RF100 Peixos Segmentation Dataset

rf100_underwater_collection

RoboFlow 100 Underwater dataset Collection

tensor_image_browse

Display image tensor

tensor_image_display

Display image tensor

tiny_imagenet_dataset

Tiny ImageNet dataset

transform_adjust_brightness

Adjust the brightness of an image

transform_adjust_contrast

Adjust the contrast of an image

transform_adjust_gamma

Adjust the gamma of an RGB image

transform_adjust_hue

Adjust the hue of an image

transform_adjust_saturation

Adjust the color saturation of an image

transform_affine

Apply affine transformation on an image keeping image center invariant

transform_center_crop

Crops the given image at the center

transform_color_jitter

Randomly change the brightness, contrast and saturation of an image

transform_convert_image_dtype

Convert a tensor image to the given dtype and scale the values accor...

transform_crop

Crop the given image at specified location and output size

transform_five_crop

Crop image into four corners and a central crop

transform_grayscale

Convert image to grayscale

transform_hflip

Horizontally flip a PIL Image or Tensor

transform_linear_transformation

Transform a tensor image with a square transformation matrix and a mea...

transform_normalize

Normalize a tensor image with mean and standard deviation

transform_pad

Pad the given image on all sides with the given "pad" value

transform_perspective

Perspective transformation of an image

transform_random_affine

Random affine transformation of the image keeping center invariant

transform_random_apply

Apply a list of transformations randomly with a given probability

transform_random_choice

Apply single transformation randomly picked from a list

transform_random_crop

Crop the given image at a random location

transform_random_erasing

Randomly selects a rectangular region in an image and erases its pixel...

transform_random_grayscale

Randomly convert image to grayscale with a given probability

transform_random_horizontal_flip

Horizontally flip an image randomly with a given probability

transform_random_order

Apply a list of transformations in a random order

transform_random_perspective

Random perspective transformation of an image with a given probability

transform_random_resized_crop

Crop image to random size and aspect ratio

transform_random_rotation

Rotate the image by angle

transform_random_vertical_flip

Vertically flip an image randomly with a given probability

transform_resize

Resize the input image to the given size

transform_resized_crop

Crop an image and resize it to a desired size

transform_rgb_to_grayscale

Convert RGB Image Tensor to Grayscale

transform_rotate

Angular rotation of an image

transform_ten_crop

Crop an image and the flipped image each into four corners and a centr...

transform_to_tensor

Convert an image to a tensor

transform_vflip

Vertically flip a PIL Image or Tensor

vision_make_grid

A simplified version of torchvision.utils.make_grid

whoi_plankton_dataset

WHOI Plankton Datasets

whoi_small_coralnet_dataset

Coralnet Dataset

Provides access to datasets, models and preprocessing facilities for deep learning with images. Integrates seamlessly with the 'torch' package and it's 'API' borrows heavily from 'PyTorch' vision package.

  • Maintainer: Daniel Falbel
  • License: MIT + file LICENSE
  • Last published: 2025-11-06