PyTorch
![]() | |
Original author(s) |
|
---|---|
Developer(s) | Meta AI |
Initial release | September 2016[1] |
Stable release | 2.6.0[2] ![]() |
Repository | github |
Written in | |
Operating system | |
Platform | IA-32, x86-64, ARM64 |
Available in | English |
Type | Library for machine learning and deep learning |
License | BSD-3[3] |
Website | pytorch |
Part of a series on |
Machine learning and data mining |
---|
PyTorch is a machine learning library based on the Torch library,[4][5][6] used for applications such as computer vision and natural language processing,[7] originally developed by Meta AI and now part of the Linux Foundation umbrella.[8][9][10][11] It is one of the most popular deep learning frameworks, alongside others such as TensorFlow,[12] offering free and open-source software released under the modified BSD license. Although the Python interface is more polished and the primary focus of development, PyTorch also has a C++ interface.[13]
A number of pieces of deep learning software are built on top of PyTorch, including Tesla Autopilot,[14] Uber's Pyro,[15] Hugging Face's Transformers,[16][17] and Catalyst.[18][19]
PyTorch provides two high-level features:[20]
- Tensor computing (like NumPy) with strong acceleration via graphics processing units (GPU)
- Deep neural networks built on a tape-based automatic differentiation system
History
[edit]Meta (formerly known as Facebook) operates both PyTorch and Convolutional Architecture for Fast Feature Embedding (Caffe2), but models defined by the two frameworks were mutually incompatible. The Open Neural Network Exchange (ONNX) project was created by Meta and Microsoft in September 2017 for converting models between frameworks. Caffe2 was merged into PyTorch at the end of March 2018.[21] In September 2022, Meta announced that PyTorch would be governed by the independent PyTorch Foundation, a newly created subsidiary of the Linux Foundation.[22]
PyTorch 2.0 was released on 15 March 2023, introducing TorchDynamo, a Python-level compiler that makes code run up to 2x faster, along with significant improvements in training and inference performance across major cloud platforms.[23][24]
PyTorch tensors
[edit]PyTorch defines a class called Tensor (torch.Tensor
) to store and operate on homogeneous multidimensional rectangular arrays of numbers. PyTorch Tensors are similar to NumPy Arrays, but can also be operated on a CUDA-capable NVIDIA GPU. PyTorch has also been developing support for other GPU platforms, for example, AMD's ROCm[25] and Apple's Metal Framework.[26]
PyTorch supports various sub-types of Tensors.[27]
Note that the term "tensor" here does not carry the same meaning as tensor in mathematics or physics. The meaning of the word in machine learning is only superficially related to its original meaning as a certain kind of object in linear algebra. Tensors in PyTorch are simply multi-dimensional arrays.
PyTorch neural networks
[edit]PyTorch defines a module called nn (torch.nn
) to describe neural networks and to support training. This module offers a comprehensive collection of building blocks for neural networks, including various layers and activation functions, enabling the construction of complex models. Networks are built by inheriting from the torch.nn
module and defining the sequence of operations in the forward()
function.
Example
[edit]The following program shows the low-level functionality of the library with a simple example.
import torch
dtype = torch.float
device = torch.device("cpu") # Execute all calculations on the CPU
# device = torch.device("cuda:0") # Executes all calculations on the GPU
# Create a tensor and fill it with random numbers
a = torch.randn(2, 3, device=device, dtype=dtype)
print(a)
# Output: tensor([[-1.1884, 0.8498, -1.7129],
# [-0.8816, 0.1944, 0.5847]])
b = torch.randn(2, 3, device=device, dtype=dtype)
print(b)
# Output: tensor([[ 0.7178, -0.8453, -1.3403],
# [ 1.3262, 1.1512, -1.7070]])
print(a * b)
# Output: tensor([[-0.8530, -0.7183, 2.58],
# [-1.1692, 0.2238, -0.9981]])
print(a.sum())
# Output: tensor(-2.1540)
print(a[1,2]) # Output of the element in the third column of the second row (zero based)
# Output: tensor(0.5847)
print(a.max())
# Output: tensor(0.8498)
The following code-block defines a neural network with linear layers using the nn
module.
from torch import nn # Import the nn sub-module from PyTorch
class NeuralNetwork(nn.Module): # Neural networks are defined as classes
def __init__(self): # Layers and variables are defined in the __init__ method
super().__init__() # Must be in every network.
self.flatten = nn.Flatten() # Construct a flattening layer.
self.linear_relu_stack = nn.Sequential( # Construct a stack of layers.
nn.Linear(28*28, 512), # Linear Layers have an input and output shape
nn.ReLU(), # ReLU is one of many activation functions provided by nn
nn.Linear(512, 512),
nn.ReLU(),
nn.Linear(512, 10),
)
def forward(self, x): # This function defines the forward pass.
x = self.flatten(x)
logits = self.linear_relu_stack(x)
return logits
See also
[edit]References
[edit]- ^ Chintala, Soumith (1 September 2016). "PyTorch Alpha-1 release". GitHub. Archived from the original on 29 August 2021. Retrieved 19 August 2020.
- ^ "PyTorch 2.6.0 Release". 29 January 2025. Retrieved 2 February 2025.
- ^ Claburn, Thomas (12 September 2022). "PyTorch gets lit under The Linux Foundation". The Register. Archived from the original on 18 October 2022. Retrieved 18 October 2022.
- ^ Yegulalp, Serdar (19 January 2017). "Facebook brings GPU-powered machine learning to Python". InfoWorld. Archived from the original on 12 July 2018. Retrieved 11 December 2017.
- ^ Lorica, Ben (3 August 2017). "Why AI and machine learning researchers are beginning to embrace PyTorch". O'Reilly Media. Archived from the original on 17 May 2019. Retrieved 11 December 2017.
- ^ Ketkar, Nikhil (2017). "Introduction to PyTorch". Deep Learning with Python. Apress, Berkeley, CA. pp. 195–208. doi:10.1007/978-1-4842-2766-4_12. ISBN 9781484227657.
- ^ Moez Ali (June 2023). "NLP with PyTorch: A Comprehensive Guide". datacamp.com. Archived from the original on 1 April 2024. Retrieved 1 April 2024.
- ^ Patel, Mo (7 December 2017). "When two trends fuse: PyTorch and recommender systems". O'Reilly Media. Archived from the original on 30 March 2019. Retrieved 18 December 2017.
- ^ Mannes, John. "Facebook and Microsoft collaborate to simplify conversions from PyTorch to Caffe2". TechCrunch. Archived from the original on 6 July 2020. Retrieved 18 December 2017.
FAIR is accustomed to working with PyTorch – a deep learning framework optimized for achieving state of the art results in research, regardless of resource constraints. Unfortunately in the real world, most of us are limited by the computational capabilities of our smartphones and computers.
- ^ Arakelyan, Sophia (29 November 2017). "Tech giants are using open source frameworks to dominate the AI community". VentureBeat. Archived from the original on 30 March 2019. Retrieved 18 December 2017.
- ^ "PyTorch strengthens its governance by joining the Linux Foundation". pytorch.org. Retrieved 13 September 2022.
- ^ "Top 30 Open Source Projects". Open Source Project Velocity by CNCF. Archived from the original on 3 September 2023. Retrieved 12 October 2023.
- ^ "The C++ Frontend". PyTorch Master Documentation. Archived from the original on 29 July 2019. Retrieved 29 July 2019.
- ^ Karpathy, Andrej (6 November 2019). "PyTorch at Tesla - Andrej Karpathy, Tesla". YouTube. Archived from the original on 24 March 2023. Retrieved 2 June 2020.
- ^ "Uber AI Labs Open Sources Pyro, a Deep Probabilistic Programming Language". Uber Engineering Blog. 3 November 2017. Archived from the original on 25 December 2017. Retrieved 18 December 2017.
- ^ PYTORCH-TRANSFORMERS: PyTorch implementations of popular NLP Transformers, PyTorch Hub, 1 December 2019, archived from the original on 11 June 2023, retrieved 1 December 2019
- ^ "Ecosystem Tools". pytorch.org. Archived from the original on 18 July 2023. Retrieved 18 June 2020.
- ^ GitHub - catalyst-team/catalyst: Accelerated DL & RL, Catalyst-Team, 5 December 2019, archived from the original on 22 December 2019, retrieved 5 December 2019
- ^ "Ecosystem Tools". pytorch.org. Archived from the original on 18 July 2023. Retrieved 4 April 2020.
- ^ "PyTorch – About". pytorch.org. Archived from the original on 15 June 2018. Retrieved 11 June 2018.
- ^ "Caffe2 Merges With PyTorch". 2 April 2018. Archived from the original on 30 March 2019. Retrieved 2 January 2019.
- ^ Edwards, Benj (12 September 2022). "Meta spins off PyTorch Foundation to make AI framework vendor neutral". Ars Technica. Archived from the original on 13 September 2022. Retrieved 13 September 2022.
- ^ "Dynamo Overview".
- ^ "PyTorch 2.0 brings new fire to open-source machine learning". VentureBeat. 15 March 2023. Archived from the original on 16 March 2023. Retrieved 16 March 2023.
- ^ "Installing PyTorch for ROCm". rocm.docs.amd.com. 9 February 2024.
- ^ "Introducing Accelerated PyTorch Training on Mac". pytorch.org. Archived from the original on 29 January 2024. Retrieved 4 June 2022.
- ^ "An Introduction to PyTorch – A Simple yet Powerful Deep Learning Library". analyticsvidhya.com. 22 February 2018. Archived from the original on 22 October 2019. Retrieved 11 June 2018.