添加链接
link管理
链接快照平台
  • 输入网页链接,自动生成快照
  • 标签化管理网页链接
Get Started

Run PyTorch locally or get started quickly with one of the supported cloud platforms

Tutorials

Whats new in PyTorch tutorials

Learn the Basics

Familiarize yourself with PyTorch concepts and modules

PyTorch Recipes

Bite-size, ready-to-deploy PyTorch code examples

Intro to PyTorch - YouTube Series

Master PyTorch basics with our engaging YouTube tutorial series

Community

Join the PyTorch developer community to contribute, learn, and get your questions answered

Forums

A place to discuss PyTorch code, issues, install, research

Developer Resources

Find resources and get questions answered

Contributor Awards - 2023

Award winners announced at this year's PyTorch Conference

Community Stories

Learn how our community solves real, everyday machine learning problems with PyTorch

Events

Find events, webinars, and podcasts

  • Build the Neural Network
  • Automatic Differentiation with torch.autograd
  • Optimizing Model Parameters
  • Save and Load the Model
  • PyTorch Custom Operators Landing Page
  • Introduction to PyTorch on YouTube

  • Introduction to PyTorch - YouTube Series
  • Introduction to PyTorch
  • Introduction to PyTorch Tensors
  • The Fundamentals of Autograd
  • Building Models with PyTorch
  • PyTorch TensorBoard Support
  • Training with PyTorch
  • Model Understanding with Captum
  • Learning PyTorch

  • Deep Learning with PyTorch: A 60 Minute Blitz
  • Learning PyTorch with Examples
  • What is torch.nn really ?
  • Visualizing Models, Data, and Training with TensorBoard
  • Image and Video

  • TorchVision Object Detection Finetuning Tutorial
  • Transfer Learning for Computer Vision Tutorial
  • Adversarial Example Generation
  • DCGAN Tutorial
  • Spatial Transformer Networks Tutorial
  • Optimizing Vision Transformer Model for Deployment
  • Whole Slide Image Classification Using PyTorch and TIAToolbox
  • Audio

  • Audio I/O
  • Audio Resampling
  • Audio Data Augmentation
  • Audio Feature Extractions
  • Audio Feature Augmentation
  • Audio Datasets
  • Speech Recognition with Wav2Vec2
  • Text-to-speech with Tacotron2
  • Forced Alignment with Wav2Vec2
  • Fast Transformer Inference with Better Transformer
  • NLP From Scratch: Classifying Names with a Character-Level RNN
  • NLP From Scratch: Generating Names with a Character-Level RNN
  • NLP From Scratch: Translation with a Sequence to Sequence Network and Attention
  • Text classification with the torchtext library
  • Language Translation with nn.Transformer and torchtext
  • Preprocess custom text dataset using Torchtext
  • Backends

  • Introduction to ONNX
  • Reinforcement Learning

  • Reinforcement Learning (DQN) Tutorial
  • Reinforcement Learning (PPO) with TorchRL Tutorial
  • Train a Mario-playing RL Agent
  • Pendulum: Writing your environment and transforms with TorchRL
  • Deploying PyTorch Models in Production

  • Introduction to ONNX
  • Deploying PyTorch in Python via a REST API with Flask
  • Introduction to TorchScript
  • Loading a TorchScript Model in C++
  • (optional) Exporting a Model from PyTorch to ONNX and Running it using ONNX Runtime
  • Real Time Inference on Raspberry Pi 4 (30 fps!)
  • Profiling PyTorch

  • Profiling your PyTorch Module
  • Introduction to Holistic Trace Analysis
  • Trace Diff using Holistic Trace Analysis
  • Code Transforms with FX

  • (beta) Building a Convolution/Batch Norm fuser in FX
  • (beta) Building a Simple CPU Performance Profiler with FX
  • Frontend APIs

  • (beta) Channels Last Memory Format in PyTorch
  • Forward-mode Automatic Differentiation (Beta)
  • Jacobians, Hessians, hvp, vhp, and more: composing function transforms
  • Model ensembling
  • Per-sample-gradients
  • Using the PyTorch C++ Frontend
  • Dynamic Parallelism in TorchScript
  • Autograd in C++ Frontend
  • Extending PyTorch

  • PyTorch Custom Operators Landing Page
  • Python Custom Operators
  • Custom C++ and CUDA Operators
  • Double Backward with Custom Functions
  • Fusing Convolution and Batch Norm using Custom Function
  • Custom C++ and CUDA Extensions
  • Extending TorchScript with Custom C++ Operators
  • Extending TorchScript with Custom C++ Classes
  • Registering a Dispatched Operator in C++
  • Extending dispatcher for a new backend in C++
  • Facilitating New Backend Integration by PrivateUse1
  • Model Optimization

  • Profiling your PyTorch Module
  • PyTorch Profiler With TensorBoard
  • Hyperparameter tuning with Ray Tune
  • Optimizing Vision Transformer Model for Deployment
  • Parametrizations Tutorial
  • Pruning Tutorial
  • (beta) Dynamic Quantization on an LSTM Word Language Model
  • (beta) Dynamic Quantization on BERT
  • (beta) Quantized Transfer Learning for Computer Vision Tutorial
  • (beta) Static Quantization with Eager Mode in PyTorch
  • Grokking PyTorch Intel CPU performance from first principles
  • Grokking PyTorch Intel CPU performance from first principles (Part 2)
  • Getting Started - Accelerate Your Scripts with nvFuser
  • Multi-Objective NAS with Ax
  • Introduction to torch.compile
  • Inductor CPU backend debugging and profiling
  • (Beta) Implementing High-Performance Transformers with Scaled Dot Product Attention (SDPA)
  • Using SDPA with torch.compile
  • Using SDPA with attn_bias subclasses`
  • Conclusion
  • Knowledge Distillation Tutorial
  • Parallel and Distributed Training

  • Distributed and Parallel Training Tutorials
  • PyTorch Distributed Overview
  • Distributed Data Parallel in PyTorch - Video Tutorials
  • Single-Machine Model Parallel Best Practices
  • Getting Started with Distributed Data Parallel
  • Writing Distributed Applications with PyTorch
  • Getting Started with Fully Sharded Data Parallel(FSDP)
  • Advanced Model Training with Fully Sharded Data Parallel (FSDP)
  • Large Scale Transformer model training with Tensor Parallel (TP)
  • Customize Process Group Backends Using Cpp Extensions
  • Getting Started with Distributed RPC Framework
  • Implementing a Parameter Server Using Distributed RPC Framework
  • Distributed Pipeline Parallelism Using RPC
  • Implementing Batch RPC Processing Using Asynchronous Executions
  • Combining Distributed DataParallel with Distributed RPC Framework
  • Training Transformer models using Distributed Data Parallel and Pipeline Parallelism
  • Distributed Training with Uneven Inputs Using the Join Context Manager
  • Edge with ExecuTorch

  • Exporting to ExecuTorch Tutorial
  • Running an ExecuTorch Model in C++ Tutorial
  • Using the ExecuTorch SDK to Profile a Model
  • Building an ExecuTorch iOS Demo App
  • Building an ExecuTorch Android Demo App
  • Lowering a Model as a Delegate
  • Recommendation Systems

  • Introduction to TorchRec
  • Exploring TorchRec sharding
  • Multimodality

  • TorchMultimodal Tutorial: Finetuning FLAVA
  • Training a Classifier

    This is it. You have seen how to define neural networks, compute loss and make updates to the weights of the network.

    Now you might be thinking,

    What about data?

    Generally, when you have to deal with image, text, audio or video data, you can use standard python packages that load data into a numpy array. Then you can convert this array into a torch.*Tensor .

  • For images, packages such as Pillow, OpenCV are useful

  • For audio, packages such as scipy and librosa

  • For text, either raw Python or Cython based loading, or NLTK and SpaCy are useful

  • Specifically for vision, we have created a package called torchvision , that has data loaders for common datasets such as ImageNet, CIFAR10, MNIST, etc. and data transformers for images, viz., torchvision.datasets and torch.utils.data.DataLoader .

    This provides a huge convenience and avoids writing boilerplate code.

    For this tutorial, we will use the CIFAR10 dataset. It has the classes: ‘airplane’, ‘automobile’, ‘bird’, ‘cat’, ‘deer’, ‘dog’, ‘frog’, ‘horse’, ‘ship’, ‘truck’. The images in CIFAR-10 are of size 3x32x32, i.e. 3-channel color images of 32x32 pixels in size.

    cifar10

    Training an image classifier

    We will do the following steps in order:

  • Load and normalize the CIFAR10 training and test datasets using torchvision

  • Define a Convolutional Neural Network

  • Define a loss function

  • Train the network on the training data

  • Test the network on the test data

  • 1. Load and normalize CIFAR10

    Using torchvision , it’s extremely easy to load CIFAR10.

    import torch
    import torchvision
    import torchvision.transforms as transforms
    

    The output of torchvision datasets are PILImage images of range [0, 1]. We transform them to Tensors of normalized range [-1, 1].

    If running on Windows and you get a BrokenPipeError, try setting the num_worker of torch.utils.data.DataLoader() to 0.

    transform = transforms.Compose(
        [transforms.ToTensor(),
         transforms.Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5))])
    batch_size = 4
    trainset = torchvision.datasets.CIFAR10(root='./data', train=True,
                                            download=True, transform=transform)
    trainloader = torch.utils.data.DataLoader(trainset, batch_size=batch_size,
                                              shuffle=True, num_workers=2)
    testset = torchvision.datasets.CIFAR10(root='./data', train=False,
                                           download=True, transform=transform)
    testloader = torch.utils.data.DataLoader(testset, batch_size=batch_size,
                                             shuffle=False, num_workers=2)
    classes = ('plane', 'car', 'bird', 'cat',
               'deer', 'dog', 'frog', 'horse', 'ship', 'truck')
    
    Downloading https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz to ./data/cifar-10-python.tar.gz
      0%|          | 0/170498071 [00:00<?, ?it/s]
      0%|          | 622592/170498071 [00:00<00:27, 6208016.63it/s]
      5%|4         | 7733248/170498071 [00:00<00:03, 44313670.04it/s]
     11%|#1        | 18776064/170498071 [00:00<00:02, 74391918.37it/s]
     17%|#7        | 29032448/170498071 [00:00<00:01, 85354523.94it/s]
     23%|##2       | 38731776/170498071 [00:00<00:01, 89477633.38it/s]
     29%|##8       | 49250304/170498071 [00:00<00:01, 94781345.11it/s]
     35%|###4      | 59342848/170498071 [00:00<00:01, 96737893.07it/s]
     41%|####      | 69206016/170498071 [00:00<00:01, 97317692.17it/s]
     47%|####6     | 79462400/170498071 [00:00<00:00, 98904427.35it/s]
     52%|#####2    | 89358336/170498071 [00:01<00:00, 98712514.94it/s]
     58%|#####8    | 99352576/170498071 [00:01<00:00, 99062298.85it/s]
     64%|######4   | 109805568/170498071 [00:01<00:00, 100561714.73it/s]
     70%|#######   | 119865344/170498071 [00:01<00:00, 100315157.62it/s]
     76%|#######6  | 130383872/170498071 [00:01<00:00, 101773817.02it/s]
     82%|########2 | 140574720/170498071 [00:01<00:00, 101638657.01it/s]
     88%|########8 | 150765568/170498071 [00:01<00:00, 100893396.72it/s]
     95%|#########4| 161447936/170498071 [00:01<00:00, 102619235.74it/s]
    100%|##########| 170498071/170498071 [00:01<00:00, 94600749.22it/s]
    Extracting ./data/cifar-10-python.tar.gz to ./data
    Files already downloaded and verified
    

    Let us show some of the training images, for fun.

    import matplotlib.pyplot as plt
    import numpy as np
    # functions to show an image
    def imshow(img):
        img = img / 2 + 0.5     # unnormalize
        npimg = img.numpy()
        plt.imshow(np.transpose(npimg, (1, 2, 0)))
        plt.show()
    # get some random training images
    dataiter = iter(trainloader)
    images, labels = next(dataiter)
    # show images
    imshow(torchvision.utils.make_grid(images))
    # print labels
    print(' '.join(f'{classes[labels[j]]:5s}' for j in range(batch_size)))
    cifar10 tutorial
    frog  plane deer  car
    

    2. Define a Convolutional Neural Network

    Copy the neural network from the Neural Networks section before and modify it to take 3-channel images (instead of 1-channel images as it was defined).

    import torch.nn as nn
    import torch.nn.functional as F
    class Net(nn.Module):
        def __init__(self):
            super().__init__()
            self.conv1 = nn.Conv2d(3, 6, 5)
            self.pool = nn.MaxPool2d(2, 2)
            self.conv2 = nn.Conv2d(6, 16, 5)
            self.fc1 = nn.Linear(16 * 5 * 5, 120)
            self.fc2 = nn.Linear(120, 84)
            self.fc3 = nn.Linear(84, 10)
        def forward(self, x):
            x = self.pool(F.relu(self.conv1(x)))
            x = self.pool(F.relu(self.conv2(x)))
            x = torch.flatten(x, 1) # flatten all dimensions except batch
            x = F.relu(self.fc1(x))
            x = F.relu(self.fc2(x))
            x = self.fc3(x)
            return x
    net = Net()
    

    3. Define a Loss function and optimizer

    Let’s use a Classification Cross-Entropy loss and SGD with momentum.

    import torch.optim as optim
    criterion = nn.CrossEntropyLoss()
    optimizer = optim.SGD(net.parameters(), lr=0.001, momentum=0.9)
    

    4. Train the network

    This is when things start to get interesting. We simply have to loop over our data iterator, and feed the inputs to the network and optimize.

    for epoch in range(2):  # loop over the dataset multiple times
        running_loss = 0.0
        for i, data in enumerate(trainloader, 0):
            # get the inputs; data is a list of [inputs, labels]
            inputs, labels = data
            # zero the parameter gradients
            optimizer.zero_grad()
            # forward + backward + optimize
            outputs = net(inputs
    
    
    
    
        
    )
            loss = criterion(outputs, labels)
            loss.backward()
            optimizer.step()
            # print statistics
            running_loss += loss.item()
            if i % 2000 == 1999:    # print every 2000 mini-batches
                print(f'[{epoch + 1}, {i + 1:5d}] loss: {running_loss / 2000:.3f}')
                running_loss = 0.0
    print('Finished Training')
    
    [1,  2000] loss: 2.144
    [1,  4000] loss: 1.835
    [1,  6000] loss: 1.677
    [1,  8000] loss: 1.573
    [1, 10000] loss: 1.526
    [1, 12000] loss: 1.447
    [2,  2000] loss: 1.405
    [2,  4000] loss: 1.363
    [2,  6000] loss: 1.341
    [2,  8000] loss: 1.340
    [2, 10000] loss: 1.315
    [2, 12000] loss: 1.281
    Finished Training
    

    Let’s quickly save our trained model:

    PATH = './cifar_net.pth'
    torch.save(net.state_dict(), PATH)
    

    See here for more details on saving PyTorch models.

    5. Test the network on the test data

    We have trained the network for 2 passes over the training dataset. But we need to check if the network has learnt anything at all.

    We will check this by predicting the class label that the neural network outputs, and checking it against the ground-truth. If the prediction is correct, we add the sample to the list of correct predictions.

    Okay, first step. Let us display an image from the test set to get familiar.

    dataiter = iter(testloader)
    images, labels = next(dataiter)
    # print images
    imshow(torchvision.utils.make_grid(images))
    print('GroundTruth: ', ' '.join(f'{classes[labels[j]]:5s}' for j in range(4)))
    cifar10 tutorial
    GroundTruth:  cat   ship  ship  plane
    

    Next, let’s load back in our saved model (note: saving and re-loading the model wasn’t necessary here, we only did it to illustrate how to do so):

    net = Net()
    net.load_state_dict(torch.load(PATH))
    
    <All keys matched successfully>
    

    Okay, now let us see what the neural network thinks these examples above are:

    outputs = net(images)
    

    The outputs are energies for the 10 classes. The higher the energy for a class, the more the network thinks that the image is of the particular class. So, let’s get the index of the highest energy:

    _, predicted = torch.max(outputs, 1)
    print('Predicted: ', ' '.join(f'{classes[predicted[j]]:5s}'
                                  for j in range(4)))
    
    Predicted:  cat   ship  truck ship
    

    The results seem pretty good.

    Let us look at how the network performs on the whole dataset.

    correct = 0
    total = 0
    # since we're not training, we don't need to calculate the gradients for our outputs
    with torch.no_grad():
        for data in testloader:
            images, labels = data
            # calculate outputs by running images through the network
            outputs = net(images)
            # the class with the highest energy is what we choose as prediction
            _, predicted = torch.max(outputs.data, 1)
            total += labels.size(0)
            correct += (predicted == labels).sum().item()
    print(f'Accuracy of the network on the 10000 test images: {100 * correct // total} %')
    
    Accuracy of the network on the 10000 test images: 54 %
    

    That looks way better than chance, which is 10% accuracy (randomly picking a class out of 10 classes). Seems like the network learnt something.

    Hmmm, what are the classes that performed well, and the classes that did not perform well:

    # prepare to count predictions for each class
    correct_pred = {classname: 0 for classname in classes}
    total_pred = {classname: 0 for classname in classes}
    # again no gradients needed
    with torch.no_grad():
        for data in testloader:
            images, labels = data
            outputs = net(images)
            _, predictions = torch.max(outputs, 1)
            # collect the correct predictions for each class
            for label, prediction in zip(labels, predictions):
                if label == prediction:
                    correct_pred[classes[label]] += 1
                total_pred[classes[label]] += 1
    # print accuracy for each class
    for classname, correct_count in correct_pred.items():
        accuracy = 100 * float(correct_count) / total_pred[classname]
        print(f'Accuracy for class: {classname:5s} is {accuracy:.1f} %')
    
    Accuracy for class: plane is 37.9 %
    Accuracy for class: car   is 62.2 %
    Accuracy for class: bird  is 45.6 %
    Accuracy for class: cat   is 29.2 %
    Accuracy for class: deer  is 50.3 %
    Accuracy for class: dog   is 45.9 %
    Accuracy for class: frog  is 60.1 %
    Accuracy for class: horse is 70.3 %
    Accuracy for class: ship  is 82.9 %
    Accuracy for class: truck is 63.1 %
    

    Okay, so what next?

    How do we run these neural networks on the GPU?

    Training on GPU

    Just like how you transfer a Tensor onto the GPU, you transfer the neural net onto the GPU.

    Let’s first define our device as the first visible cuda device if we have CUDA available:

    device = torch.device('cuda:0' if torch.cuda.is_available() else 'cpu')
    # Assuming that we are on a CUDA machine, this should print a CUDA device:
    print(device)
    
    cuda:0
    

    The rest of this section assumes that device is a CUDA device.

    Then these methods will recursively go over all modules and convert their parameters and buffers to CUDA tensors:

    net.to(device)
    

    Remember that you will have to send the inputs and targets at every step to the GPU too:

    inputs, labels = data[0].to(device), data[1].to(device)
    

    Why don’t I notice MASSIVE speedup compared to CPU? Because your network is really small.

    Exercise: Try increasing the width of your network (argument 2 of the first nn.Conv2d, and argument 1 of the second nn.Conv2d – they need to be the same number), see what kind of speedup you get.

    Goals achieved:

  • Understanding PyTorch’s Tensor library and neural networks at a high level.

  • Train a small neural network to classify images

  • Training on multiple GPUs

    If you want to see even more MASSIVE speedup using all of your GPUs, please check out Optional: Data Parallelism.

    Where do I go next?

  • Train neural nets to play video games

  • Train a state-of-the-art ResNet network on imagenet

  • Train a face generator using Generative Adversarial Networks

  • Train a word-level language model using Recurrent LSTM networks

  • More examples

  • More tutorials

  • Discuss PyTorch on the Forums

  • Chat with other users on Slack

  • del dataiter
    

    Total running time of the script: ( 2 minutes 7.344 seconds)

    Download Python source code: cifar10_tutorial.py

    Download Jupyter notebook: cifar10_tutorial.ipynb

    Gallery generated by Sphinx-Gallery

  • Training an image classifier
  •