tutorials icon indicating copy to clipboard operation
tutorials copied to clipboard

PyTorch tutorials.

Results 200 tutorials issues
Sort by recently updated
recently updated
newest added

### 🚀 Descirbe the improvement or the new tutorial PyTorch has inbuilt function to list all datasets. `import torchvision.datasets as datasets //Get a list of all datasets all_datasets = datasets.__all__...

Link to tutorial: https://pytorch.org/tutorials/intermediate/torchvision_tutorial.html Hi there, I am following the object detection tutorial and have copied the necessary files from `pytorch/vision/main/references/detection/`. When inspecting the `engine.train_one_epoch()` function, I see that it...

module: vision

### Add Link When I use fsdp, Because the flattened parameters, I always meet some question. for examples: ` RuntimeError: mat2 must be a matrix, got 1-D tensor ` and...

bug
distributed

Hi, Thank you for your tutorial! I tried to change the embedding with pre-trained word embeddings such as word2vec, here is my code: ``` class Lang: def __init__(self, name): self.name...

Text
medium

Tutorial link: https://github.com/pytorch/tutorials/blob/master/intermediate_source/dynamic_quantization_bert_tutorial.rst Version 1.8.0 Using either the Colab version or following the tutorial text locally, it fails in section 3.2: ``` # Evaluate the original FP32 BERT model time_model_evaluation(model,...

module: quantization
medium

As discussed in the sync, we need to rework this tutorial so that it's registering ops to dispatcher instead of only create python binding using `PYBIND11_MODULE`. cc: @ezyang @bhosmer @bdhirsh

C++
CUDA
medium

### Add Link https://pytorch.org/tutorials/intermediate/torch_compile_tutorial.html ### Describe the bug There are a lot of warnings and errors in the generated html. ### Describe your environment Not applicable cc @williamwen42 @msaroufim

bug
torch.compile

### Add Link [beginner_source/basics/quickstart_tutorial.py](https://github.com/pytorch/tutorials/blob/main/beginner_source/basics/quickstart_tutorial.py) ### Describe the bug When executing the Quickstart tutorial on the M2 ProMax, the test error consistently remains at 0. The code is exactly the same...

bug
intro

### Add Link https://pytorch.org/tutorials/beginner/flava_finetuning_tutorial.html ### Describe the bug In the following code snippet: ``` from torchmultimodal.models.flava.model import flava_model_for_classification model = flava_model_for_classification(num_classes=len(vocab)) ``` I am getting the following error: Failed to...

bug
torchmultimodal

As title. Will not work for 2.1 release since `torch.export.Dim` is not in 2.1. So I don't think PR can't be merged until the next PR, but I'm getting it...

cla signed
future-release