Welcome to PyTorch Tutorials# What’s new in PyTorch tutorials? Integrating Custom Operators with SYCL for Intel GPU Supporting Custom C++ Classes in torch.compile/torch.export Accelerating torch.save and torch.load with GPUDirect Storage Getting Started with Fully Sharded Data Parallel (FSDP2) Learn the Basics Familiarize yourself with PyTorch concepts and modules. Learn how to load data, build deep neural networks, train and save your models in this quickstart guide. Get started with PyTorch PyTorch Recipes Bite-size, ready-to-deploy PyTorch code examples. Explore Recipes All Learn the Basics A step-by-step guide to building a complete ML workflow with PyTorch. Getting-Started Introduction to PyTorch on YouTube An introduction to building a complete ML workflow with PyTorch. Follows the PyTorch Beginner Series on YouTube. Getting-Started Learning PyTorch with Examples This tutorial introduces the fundamental concepts of PyTorch through self-contained examples. Getting-Started What is torch.nn really? Use torch.nn to create and train a neural network. Getting-Started Visualizing Models, Data, and Training with TensorBoard Learn to use TensorBoard to visualize data and model training. Interpretability,Getting-Started,TensorBoard Good usage of `non_blocking` and `pin_memory()` in PyTorch A guide on best practices to copy data from CPU to GPU. Getting-Started TorchVision Object Detection Finetuning Tutorial Finetune a pre-trained Mask R-CNN model. Image/Video Transfer Learning for Computer Vision Tutorial Train a convolutional neural network for image classification using transfer learning. Image/Video Adversarial Example Generation Train a convolutional neural network for image classification using transfer learning. Image/Video DCGAN Tutorial Train a generative adversarial network (GAN) to generate new celebrities. Image/Video Spatial Transformer Networks Tutorial Learn how to augment your network using a visual attention mechanism. Image/Video Inference on Whole Slide Images with TIAToolbox Learn how to use the TIAToolbox to perform inference on whole slide images. Image/Video Semi-Supervised Learning Tutorial Based on USB Learn how to train semi-supervised learning algorithms (on custom data) using USB and PyTorch. Image/Video Audio IO Learn to load data with torchaudio. Audio Audio Resampling Learn to resample audio waveforms using torchaudio. Audio Audio Data Augmentation Learn to apply data augmentations using torchaudio. Audio Audio Feature Extractions Learn to extract features using torchaudio. Audio Audio Feature Augmentation Learn to augment features using torchaudio. Audio Audio Datasets Learn to use torchaudio datasets. Audio Automatic Speech Recognition with Wav2Vec2 in torchaudio Learn how to use torchaudio's pretrained models for building a speech recognition application. Audio Speech Command Classification Learn how to correctly format an audio dataset and then train/test an audio classifier network on the dataset. Audio Text-to-...