From 93ba346c8c7475ab6b138d2d957a2378b3a10681 Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 11:23:11 -0500 Subject: [PATCH 01/16] add redirect to data tutorial --- recipes_source/recipes_index.rst | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/recipes_source/recipes_index.rst b/recipes_source/recipes_index.rst index b395b13a153..16dac7cea8a 100644 --- a/recipes_source/recipes_index.rst +++ b/recipes_source/recipes_index.rst @@ -34,7 +34,7 @@ Recipes are bite-sized, actionable examples of how to use specific PyTorch featu :header: Loading data in PyTorch :card_description: Learn how to use PyTorch packages to prepare and load common datasets for your model. :image: ../_static/img/thumbnails/cropped/loading-data.PNG - :link: ../recipes/recipes/loading_data_recipe.html + :link: ../beginner/basics/data_tutorial.html :tags: Basics From 7f46ebe74681de7469bfbd36baab588c793e22eb Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 11:23:41 -0500 Subject: [PATCH 02/16] add deprecation notice on loading_data_recipe file --- recipes_source/loading_data_recipe.rst | 7 +++++++ 1 file changed, 7 insertions(+) create mode 100644 recipes_source/loading_data_recipe.rst diff --git a/recipes_source/loading_data_recipe.rst b/recipes_source/loading_data_recipe.rst new file mode 100644 index 00000000000..dc64a9c0b61 --- /dev/null +++ b/recipes_source/loading_data_recipe.rst @@ -0,0 +1,7 @@ +Loading data in PyTorch +======================= + +The content is deprecated. + +.. raw:: html + From 8fd912e088adcc3c7bfd7b69eb9550aa38a60793 Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 11:24:06 -0500 Subject: [PATCH 03/16] remove loading_data_recipe.py --- recipes_source/recipes/loading_data_recipe.py | 163 ------------------ 1 file changed, 163 deletions(-) delete mode 100644 recipes_source/recipes/loading_data_recipe.py diff --git a/recipes_source/recipes/loading_data_recipe.py b/recipes_source/recipes/loading_data_recipe.py deleted file mode 100644 index 63efbdc01ce..00000000000 --- a/recipes_source/recipes/loading_data_recipe.py +++ /dev/null @@ -1,163 +0,0 @@ -""" -Loading data in PyTorch -======================= -PyTorch features extensive neural network building blocks with a simple, -intuitive, and stable API. PyTorch includes packages to prepare and load -common datasets for your model. - -Introduction ------------- -At the heart of PyTorch data loading utility is the -`torch.utils.data.DataLoader `__ -class. It represents a Python iterable over a dataset. Libraries in -PyTorch offer built-in high-quality datasets for you to use in -`torch.utils.data.Dataset `__. -These datasets are currently available in: - -* `torchvision `__ -* `torchaudio `__ -* `torchtext `__ - -with more to come. -Using the ``yesno`` dataset from ``torchaudio.datasets.YESNO``, we will -demonstrate how to effectively and efficiently load data from a PyTorch -``Dataset`` into a PyTorch ``DataLoader``. -""" - - - -###################################################################### -# Setup -# ----- -# Before we begin, we need to install ``torchaudio`` to have access to the -# dataset. - -# pip install torchaudio - -####################################################### -# To run in Google Colab, uncomment the following line: - -# !pip install torchaudio - -############################# -# Steps -# ----- -# -# 1. Import all necessary libraries for loading our data -# 2. Access the data in the dataset -# 3. Loading the data -# 4. Iterate over the data -# 5. [Optional] Visualize the data -# -# -# 1. Import necessary libraries for loading our data -# --------------------------------------------------------------- -# -# For this recipe, we will use ``torch`` and ``torchaudio``. Depending on -# what built-in datasets you use, you can also install and import -# ``torchvision`` or ``torchtext``. -# - -import torch -import torchaudio - - -###################################################################### -# 2. Access the data in the dataset -# --------------------------------------------------------------- -# -# The ``yesno`` dataset in ``torchaudio`` features sixty recordings of one -# individual saying yes or no in Hebrew; with each recording being eight -# words long (`read more here `__). -# -# ``torchaudio.datasets.YESNO`` creates a dataset for ``yesno``. -torchaudio.datasets.YESNO( - root='./', - url='http://www.openslr.org/resources/1/waves_yesno.tar.gz', - folder_in_archive='waves_yesno', - download=True) - -########################################################################### -# Each item in the dataset is a tuple of the form: (waveform, sample_rate, -# labels). -# -# You must set a ``root`` for the ``yesno`` dataset, which is where the -# training and testing dataset will exist. The other parameters are -# optional, with their default values shown. Here is some additional -# useful info on the other parameters: - -# * ``download``: If true, downloads the dataset from the internet and puts it in root directory. If dataset is already downloaded, it is not downloaded again. -# -# Let’s access our ``yesno`` data: -# - -# A data point in ``yesno`` is a tuple (waveform, sample_rate, labels) where labels -# is a list of integers with 1 for yes and 0 for no. -yesno_data = torchaudio.datasets.YESNO('./', download=True) - -# Pick data point number 3 to see an example of the the ``yesno_data``: -n = 3 -waveform, sample_rate, labels = yesno_data[n] -print("Waveform: {}\nSample rate: {}\nLabels: {}".format(waveform, sample_rate, labels)) - - -###################################################################### -# When using this data in practice, it is best practice to provision the -# data into a “training” dataset and a “testing” dataset. This ensures -# that you have out-of-sample data to test the performance of your model. -# -# 3. Loading the data -# --------------------------------------------------------------- -# -# Now that we have access to the dataset, we must pass it through -# ``torch.utils.data.DataLoader``. The ``DataLoader`` combines the dataset -# and a sampler, returning an iterable over the dataset. -# - -data_loader = torch.utils.data.DataLoader(yesno_data, - batch_size=1, - shuffle=True) - - -###################################################################### -# 4. Iterate over the data -# --------------------------------------------------------------- -# -# Our data is now iterable using the ``data_loader``. This will be -# necessary when we begin training our model! You will notice that now -# each data entry in the ``data_loader`` object is converted to a tensor -# containing tensors representing our waveform, sample rate, and labels. -# - -for data in data_loader: - print("Data: ", data) - print("Waveform: {}\nSample rate: {}\nLabels: {}".format(data[0], data[1], data[2])) - break - - -###################################################################### -# 5. [Optional] Visualize the data -# --------------------------------------------------------------- -# -# You can optionally visualize your data to further understand the output -# from your ``DataLoader``. -# - -import matplotlib.pyplot as plt - -print(data[0][0].numpy()) - -plt.figure() -plt.plot(waveform.t().numpy()) - - -###################################################################### -# Congratulations! You have successfully loaded data in PyTorch. -# -# Learn More -# ---------- -# -# Take a look at these other recipes to continue your learning: -# -# - `Defining a Neural Network `__ -# - `What is a state_dict in PyTorch `__ From 443610f94be06fc31cf789ac45abcf1cd97d4c7b Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 12:01:28 -0500 Subject: [PATCH 04/16] add note about deprecaiton of original loading data to validate tutorials build --- .jenkins/validate_tutorials_built.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.jenkins/validate_tutorials_built.py b/.jenkins/validate_tutorials_built.py index eb027929f48..c78c0176eb2 100644 --- a/.jenkins/validate_tutorials_built.py +++ b/.jenkins/validate_tutorials_built.py @@ -38,7 +38,7 @@ "prototype_source/nestedtensor", "recipes_source/recipes/saving_and_loading_models_for_inference", "recipes_source/recipes/saving_multiple_models_in_one_file", - "recipes_source/recipes/loading_data_recipe", + # "recipes_source/recipes/loading_data_recipe", # deprecated and replaced with beginner_source/basics/data_tutorial.py "recipes_source/recipes/tensorboard_with_pytorch", "recipes_source/recipes/what_is_state_dict", "recipes_source/recipes/profiler_recipe", From d9497e99a2d3d5678865c4da2dbc1e829db0b0c9 Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 12:02:16 -0500 Subject: [PATCH 05/16] change toc to be one level up --- recipes_source/recipes_index.rst | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/recipes_source/recipes_index.rst b/recipes_source/recipes_index.rst index 16dac7cea8a..6b2b0dc7807 100644 --- a/recipes_source/recipes_index.rst +++ b/recipes_source/recipes_index.rst @@ -407,7 +407,7 @@ Recipes are bite-sized, actionable examples of how to use specific PyTorch featu .. toctree:: :hidden: - /recipes/recipes/loading_data_recipe + /recipes/loading_data_recipe /recipes/recipes/defining_a_neural_network /recipes/torch_logs /recipes/recipes/what_is_state_dict From 08aaa5b4a2c95defa711c4a508dadd83a9e2e82d Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 12:02:38 -0500 Subject: [PATCH 06/16] add link to new location in dep warning --- recipes_source/loading_data_recipe.rst | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/recipes_source/loading_data_recipe.rst b/recipes_source/loading_data_recipe.rst index dc64a9c0b61..1bdfba34b3b 100644 --- a/recipes_source/loading_data_recipe.rst +++ b/recipes_source/loading_data_recipe.rst @@ -1,7 +1,7 @@ Loading data in PyTorch ======================= -The content is deprecated. +The content is deprecated. See `Datasets & DataLoaders `__ instead. .. raw:: html From e56051c5185518c887b29dbc09a62ac1dbb71ffd Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 12:03:23 -0500 Subject: [PATCH 07/16] change location in readme file --- recipes_source/recipes/README.txt | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/recipes_source/recipes/README.txt b/recipes_source/recipes/README.txt index a182b0a11c5..7e40d53d4a4 100644 --- a/recipes_source/recipes/README.txt +++ b/recipes_source/recipes/README.txt @@ -2,7 +2,7 @@ PyTorch Recipes --------------------------------------------- 1. loading_data_recipe.py Loading Data in PyTorch - https://pytorch.org/tutorials/recipes/recipes/loading_data_recipe.html + https://pytorch.org/tutorials/recipes/loading_data_recipe.html 2. defining_a_neural_network.py Defining a Neural Network in PyTorch @@ -16,12 +16,12 @@ PyTorch Recipes Saving and loading models for inference in PyTorch https://pytorch.org/tutorials/recipes/recipes/saving_and_loading_models_for_inference.html -5. custom_dataset_transforms_loader.py +5. custom_dataset_transforms_loader.py Developing Custom PyTorch Dataloaders https://pytorch.org/tutorials/recipes/recipes/custom_dataset_transforms_loader.html -6. Captum_Recipe.py +6. Captum_Recipe.py Model Interpretability using Captum https://pytorch.org/tutorials/recipes/recipes/Captum_Recipe.html @@ -45,7 +45,7 @@ PyTorch Recipes Saving and loading multiple models in one file using PyTorch https://pytorch.org/tutorials/recipes/recipes/saving_multiple_models_in_one_file.html -12. warmstarting_model_using_parameters_from_a_different_model.py +12. warmstarting_model_using_parameters_from_a_different_model.py Warmstarting models using parameters from different model https://pytorch.org/tutorials/recipes/recipes/warmstarting_model_using_parameters_from_a_different_model.html From f9f89cd161be264c59ff5c022a529cce3d4f2685 Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 12:03:56 -0500 Subject: [PATCH 08/16] resolve old link for new link --- .../recipes/zeroing_out_gradients.py | 38 +++++++++---------- 1 file changed, 19 insertions(+), 19 deletions(-) diff --git a/recipes_source/recipes/zeroing_out_gradients.py b/recipes_source/recipes/zeroing_out_gradients.py index 1d6a9315917..0914edbf558 100644 --- a/recipes_source/recipes/zeroing_out_gradients.py +++ b/recipes_source/recipes/zeroing_out_gradients.py @@ -44,23 +44,23 @@ ###################################################################### # Steps # ----- -# +# # Steps 1 through 4 set up our data and neural network for training. The # process of zeroing out the gradients happens in step 5. If you already # have your data and neural network built, skip to 5. -# +# # 1. Import all necessary libraries for loading our data # 2. Load and normalize the dataset # 3. Build the neural network # 4. Define the loss function # 5. Zero the gradients while training the network -# +# # 1. Import necessary libraries for loading our data # ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ -# +# # For this recipe, we will just be using ``torch`` and ``torchvision`` to # access the dataset. -# +# import torch @@ -76,10 +76,10 @@ ###################################################################### # 2. Load and normalize the dataset # ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ -# +# # PyTorch features various built-in datasets (see the Loading Data recipe # for more information). -# +# transform = transforms.Compose( [transforms.ToTensor(), @@ -102,10 +102,10 @@ ###################################################################### # 3. Build the neural network # ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ -# +# # We will use a convolutional neural network. To learn more see the # Defining a Neural Network recipe. -# +# class Net(nn.Module): def __init__(self): @@ -130,9 +130,9 @@ def forward(self, x): ###################################################################### # 4. Define a Loss function and optimizer # ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ -# +# # Let’s use a Classification Cross-Entropy loss and SGD with momentum. -# +# net = Net() criterion = nn.CrossEntropyLoss() @@ -142,14 +142,14 @@ def forward(self, x): ###################################################################### # 5. Zero the gradients while training 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. -# +# # Notice that for each entity of data, we zero out the gradients. This is # to ensure that we aren’t tracking any unnecessary information when we # train our neural network. -# +# for epoch in range(2): # loop over the dataset multiple times @@ -181,13 +181,13 @@ def forward(self, x): # You can also use ``model.zero_grad()``. This is the same as using # ``optimizer.zero_grad()`` as long as all your model parameters are in # that optimizer. Use your best judgment to decide which one to use. -# +# # Congratulations! You have successfully zeroed out gradients PyTorch. -# +# # Learn More # ---------- -# +# # Take a look at these other recipes to continue your learning: -# -# - `Loading data in PyTorch `__ +# +# - `Loading data in PyTorch `__ # - `Saving and loading models across devices in PyTorch `__ From 333d277c27c9da81a165daf13c87df5709e4fa5e Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 17:15:17 -0500 Subject: [PATCH 09/16] remove loading data recipe from validate_tutorials_build.py --- .jenkins/validate_tutorials_built.py | 1 - 1 file changed, 1 deletion(-) diff --git a/.jenkins/validate_tutorials_built.py b/.jenkins/validate_tutorials_built.py index c78c0176eb2..f9ebeaac10e 100644 --- a/.jenkins/validate_tutorials_built.py +++ b/.jenkins/validate_tutorials_built.py @@ -38,7 +38,6 @@ "prototype_source/nestedtensor", "recipes_source/recipes/saving_and_loading_models_for_inference", "recipes_source/recipes/saving_multiple_models_in_one_file", - # "recipes_source/recipes/loading_data_recipe", # deprecated and replaced with beginner_source/basics/data_tutorial.py "recipes_source/recipes/tensorboard_with_pytorch", "recipes_source/recipes/what_is_state_dict", "recipes_source/recipes/profiler_recipe", From d42da55a88c0560a228ce4068373ec02fb187081 Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 17:25:45 -0500 Subject: [PATCH 10/16] remove loading_data_recipe.py from recipes/README.txt --- recipes_source/recipes/README.txt | 32 ++++++++++++++----------------- 1 file changed, 14 insertions(+), 18 deletions(-) diff --git a/recipes_source/recipes/README.txt b/recipes_source/recipes/README.txt index 7e40d53d4a4..18e4d7106b1 100644 --- a/recipes_source/recipes/README.txt +++ b/recipes_source/recipes/README.txt @@ -1,62 +1,58 @@ PyTorch Recipes --------------------------------------------- -1. loading_data_recipe.py - Loading Data in PyTorch - https://pytorch.org/tutorials/recipes/loading_data_recipe.html - -2. defining_a_neural_network.py +1. defining_a_neural_network.py Defining a Neural Network in PyTorch https://pytorch.org/tutorials/recipes/recipes/defining_a_neural_network.html -3. what_is_state_dict.py +2. what_is_state_dict.py What is a state_dict in PyTorch https://pytorch.org/tutorials/recipes/recipes/what_is_state_dict.html -4. saving_and_loading_models_for_inference.py +3. saving_and_loading_models_for_inference.py Saving and loading models for inference in PyTorch https://pytorch.org/tutorials/recipes/recipes/saving_and_loading_models_for_inference.html -5. custom_dataset_transforms_loader.py +4. custom_dataset_transforms_loader.py Developing Custom PyTorch Dataloaders https://pytorch.org/tutorials/recipes/recipes/custom_dataset_transforms_loader.html -6. Captum_Recipe.py +5. Captum_Recipe.py Model Interpretability using Captum https://pytorch.org/tutorials/recipes/recipes/Captum_Recipe.html -7. dynamic_quantization.py +6. dynamic_quantization.py Dynamic Quantization https://pytorch.org/tutorials/recipes/recipes/dynamic_quantization.html -8. save_load_across_devices.py +7. save_load_across_devices.py Saving and loading models across devices in PyTorch https://pytorch.org/tutorials/recipes/recipes/save_load_across_devices.html -9. saving_and_loading_a_general_checkpoint.py +8. saving_and_loading_a_general_checkpoint.py Saving and loading a general checkpoint in PyTorch https://pytorch.org/tutorials/recipes/recipes/saving_and_loading_a_general_checkpoint.html -10. saving_and_loading_models_for_inference.py +9. saving_and_loading_models_for_inference.py Saving and loading models for inference in PyTorch https://pytorch.org/tutorials/recipes/recipes/saving_and_loading_models_for_inference.html -11. saving_multiple_models_in_one_file.py +10. saving_multiple_models_in_one_file.py Saving and loading multiple models in one file using PyTorch https://pytorch.org/tutorials/recipes/recipes/saving_multiple_models_in_one_file.html -12. warmstarting_model_using_parameters_from_a_different_model.py +11. warmstarting_model_using_parameters_from_a_different_model.py Warmstarting models using parameters from different model https://pytorch.org/tutorials/recipes/recipes/warmstarting_model_using_parameters_from_a_different_model.html -13. zeroing_out_gradients.py +12. zeroing_out_gradients.py Zeroing out gradients https://pytorch.org/tutorials/recipes/recipes/zeroing_out_gradients.html -14. mobile_perf.py +13. mobile_perf.py PyTorch Mobile Performance Recipes https://pytorch.org/tutorials/recipes/mobile_perf.html -15. amp_recipe.py +14. amp_recipe.py Automatic Mixed Precision https://pytorch.org/tutorials/recipes/amp_recipe.html From ef361632528fc8babb56803a8403d6ca6082c1ed Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 17:27:57 -0500 Subject: [PATCH 11/16] remove loading data tutorial from recipes_index.rst --- recipes_source/recipes_index.rst | 9 --------- 1 file changed, 9 deletions(-) diff --git a/recipes_source/recipes_index.rst b/recipes_source/recipes_index.rst index 6b2b0dc7807..51b2880a16d 100644 --- a/recipes_source/recipes_index.rst +++ b/recipes_source/recipes_index.rst @@ -30,14 +30,6 @@ Recipes are bite-sized, actionable examples of how to use specific PyTorch featu .. Basics -.. customcarditem:: - :header: Loading data in PyTorch - :card_description: Learn how to use PyTorch packages to prepare and load common datasets for your model. - :image: ../_static/img/thumbnails/cropped/loading-data.PNG - :link: ../beginner/basics/data_tutorial.html - :tags: Basics - - .. customcarditem:: :header: Defining a Neural Network :card_description: Learn how to use PyTorch's torch.nn package to create and define a neural network for the MNIST dataset. @@ -407,7 +399,6 @@ Recipes are bite-sized, actionable examples of how to use specific PyTorch featu .. toctree:: :hidden: - /recipes/loading_data_recipe /recipes/recipes/defining_a_neural_network /recipes/torch_logs /recipes/recipes/what_is_state_dict From e38dca1ed83e06c054b415686f049592a20560e6 Mon Sep 17 00:00:00 2001 From: loganthomas Date: Mon, 10 Jun 2024 17:30:57 -0500 Subject: [PATCH 12/16] add orphan to top of loading_data_recipe.rst file --- recipes_source/loading_data_recipe.rst | 2 ++ 1 file changed, 2 insertions(+) diff --git a/recipes_source/loading_data_recipe.rst b/recipes_source/loading_data_recipe.rst index 1bdfba34b3b..07e6725e914 100644 --- a/recipes_source/loading_data_recipe.rst +++ b/recipes_source/loading_data_recipe.rst @@ -1,3 +1,5 @@ +:orphan: + Loading data in PyTorch ======================= From 7228c716712271c334d1a4a9919b38c5ca1ae8d3 Mon Sep 17 00:00:00 2001 From: Svetlana Karslioglu Date: Wed, 12 Jun 2024 09:16:26 -0700 Subject: [PATCH 13/16] Update loading_data_recipe.rst fix link --- recipes_source/loading_data_recipe.rst | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/recipes_source/loading_data_recipe.rst b/recipes_source/loading_data_recipe.rst index 07e6725e914..c6f0ad3569a 100644 --- a/recipes_source/loading_data_recipe.rst +++ b/recipes_source/loading_data_recipe.rst @@ -6,4 +6,4 @@ Loading data in PyTorch The content is deprecated. See `Datasets & DataLoaders `__ instead. .. raw:: html - + From 9ec5a09355c48ef3d34ae924e5cfa9b565fc3670 Mon Sep 17 00:00:00 2001 From: Svetlana Karslioglu Date: Wed, 12 Jun 2024 12:51:21 -0700 Subject: [PATCH 14/16] Update loading_data_recipe.rst --- recipes_source/loading_data_recipe.rst | 1 + 1 file changed, 1 insertion(+) diff --git a/recipes_source/loading_data_recipe.rst b/recipes_source/loading_data_recipe.rst index c6f0ad3569a..a9b88537e31 100644 --- a/recipes_source/loading_data_recipe.rst +++ b/recipes_source/loading_data_recipe.rst @@ -6,4 +6,5 @@ Loading data in PyTorch The content is deprecated. See `Datasets & DataLoaders `__ instead. .. raw:: html + From a344418fa99ca6cc8cf2ca80bfa0772fdb3962af Mon Sep 17 00:00:00 2001 From: Svetlana Karslioglu Date: Thu, 13 Jun 2024 08:39:08 -0700 Subject: [PATCH 15/16] Update loading_data_recipe.rst --- recipes_source/loading_data_recipe.rst | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/recipes_source/loading_data_recipe.rst b/recipes_source/loading_data_recipe.rst index a9b88537e31..ab8904bae1b 100644 --- a/recipes_source/loading_data_recipe.rst +++ b/recipes_source/loading_data_recipe.rst @@ -7,4 +7,4 @@ The content is deprecated. See `Datasets & DataLoaders + From cc5e8ecd6b88cf88af9b7a3ca1b07d058f3bc2b7 Mon Sep 17 00:00:00 2001 From: Svetlana Karslioglu Date: Thu, 13 Jun 2024 10:46:08 -0700 Subject: [PATCH 16/16] Update loading_data_recipe.rst --- recipes_source/loading_data_recipe.rst | 2 -- 1 file changed, 2 deletions(-) diff --git a/recipes_source/loading_data_recipe.rst b/recipes_source/loading_data_recipe.rst index ab8904bae1b..6ecd54b928a 100644 --- a/recipes_source/loading_data_recipe.rst +++ b/recipes_source/loading_data_recipe.rst @@ -1,5 +1,3 @@ -:orphan: - Loading data in PyTorch =======================