100+ datasets found
  1. h

    IQA-PyTorch-Datasets

    • huggingface.co
    Updated Nov 30, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Chaofeng Chen (2025). IQA-PyTorch-Datasets [Dataset]. https://huggingface.co/datasets/chaofengc/IQA-PyTorch-Datasets
    Explore at:
    Dataset updated
    Nov 30, 2025
    Authors
    Chaofeng Chen
    License

    Attribution-ShareAlike 4.0 (CC BY-SA 4.0)https://creativecommons.org/licenses/by-sa/4.0/
    License information was derived automatically

    Description

    Description

    This is the dataset repository used in the pyiqa toolbox. Please refer to Awesome Image Quality Assessment for details of each dataset Example commandline script with huggingface-cli: huggingface-cli download chaofengc/IQA-PyTorch-Datasets live.tgz --local-dir ./datasets --repo-type dataset cd datasets tar -xzvf live.tgz

      Disclaimer for This Dataset Collection
    

    This collection of datasets is compiled and maintained for academic, research, and educational… See the full description on the dataset page: https://huggingface.co/datasets/chaofengc/IQA-PyTorch-Datasets.

  2. Pytorch - Dataloading tutorial dataset

    • kaggle.com
    zip
    Updated Nov 16, 2018
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Maxime Faye (2018). Pytorch - Dataloading tutorial dataset [Dataset]. https://www.kaggle.com/maxoumask/pytorch-dataloading-tutorial-dataset
    Explore at:
    zip(11559950 bytes)Available download formats
    Dataset updated
    Nov 16, 2018
    Authors
    Maxime Faye
    Description

    Context

    On the Pytorch website, you'll find a bunch of tutorials. This Dataset is the one used for the dataloading one.

    Content

    It contains some faces images and a CSV file with their respective landmarks points.

    Acknowledgements

    Thanks for pytorch to provide comprehensive material to get a grasp about their framework. https://pytorch.org/tutorials/beginner/data_loading_tutorial.html

    Inspiration

    Play with pytorch or check how much simpler it is to accomplish this kind of task with a different framework.

  3. PyTorch

    • kaggle.com
    zip
    Updated Oct 22, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Mirza Milan Farabi (2024). PyTorch [Dataset]. https://www.kaggle.com/datasets/mirzamilanfarabi/pytorch
    Explore at:
    zip(123861801 bytes)Available download formats
    Dataset updated
    Oct 22, 2024
    Authors
    Mirza Milan Farabi
    Description

    https://github.com/pytorch/pytorch/raw/main/docs/source/_static/img/pytorch-logo-dark.png" alt="PyTorch Logo">

    PyTorch is a Python package that provides two high-level features: - Tensor computation (like NumPy) with strong GPU acceleration - Deep neural networks built on a tape-based autograd system

    You can reuse your favorite Python packages such as NumPy, SciPy, and Cython to extend PyTorch when needed.

    Our trunk health (Continuous Integration signals) can be found at hud.pytorch.org.

    More About PyTorch

    Learn the basics of PyTorch

    At a granular level, PyTorch is a library that consists of the following components:

    ComponentDescription
    torchA Tensor library like NumPy, with strong GPU support
    torch.autogradA tape-based automatic differentiation library that supports all differentiable Tensor operations in torch
    torch.jitA compilation stack (TorchScript) to create serializable and optimizable models from PyTorch code
    torch.nnA neural networks library deeply integrated with autograd designed for maximum flexibility
    torch.multiprocessingPython multiprocessing, but with magical memory sharing of torch Tensors across processes. Useful for data loading and Hogwild training
    torch.utilsDataLoader and other utility functions for convenience

    Usually, PyTorch is used either as:

    • A replacement for NumPy to use the power of GPUs.
    • A deep learning research platform that provides maximum flexibility and speed.

    Elaborating Further:

    A GPU-Ready Tensor Library

    If you use NumPy, then you have used Tensors (a.k.a. ndarray).

    Tensor illustration

    PyTorch provides Tensors that can live either on the CPU or the GPU and accelerates the computation by a huge amount.

    We provide a wide variety of tensor routines to accelerate and fit your scientific computation needs such as slicing, indexing, mathematical operations, linear algebra, reductions. And they are fast!

    Dynamic Neural Networks: Tape-Based Autograd

    PyTorch has a unique way of building neural networks: using and replaying a tape recorder.

    Most frameworks such as TensorFlow, Theano, Caffe, and CNTK have a static view of the world. One has to build a neural network and reuse the same structure again and again. Changing the way the network behaves means that one has to start from scratch.

    With PyTorch, we use a technique called reverse-mode auto-differentiation, which allows you to change the way your network behaves arbitrarily with zero lag or overhead. Our inspiration comes from several research papers on this topic, as well as current and past work such as torch-autograd, autograd, Chainer, etc.

    While this technique is not unique to PyTorch, it's one of the fastest implementations of it to date. You get the best of speed and flexibility for your crazy resear...

  4. R

    Pytorch Dataset

    • universe.roboflow.com
    zip
    Updated Apr 6, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    meeth4399@gmail.com (2022). Pytorch Dataset [Dataset]. https://universe.roboflow.com/meeth4399-gmail-com/pytorch-snct3/dataset/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Apr 6, 2022
    Dataset authored and provided by
    meeth4399@gmail.com
    License

    Attribution 4.0 (CC BY 4.0)https://creativecommons.org/licenses/by/4.0/
    License information was derived automatically

    Variables measured
    Test Bounding Boxes
    Description

    Pytorch

    ## Overview
    
    Pytorch is a dataset for object detection tasks - it contains Test annotations for 1,277 images.
    
    ## Getting Started
    
    You can download this dataset for use within your own projects, or fork it into a workspace on Roboflow to create your own model.
    
      ## License
    
      This dataset is available under the [CC BY 4.0 license](https://creativecommons.org/licenses/CC BY 4.0).
    
  5. R

    Convert Voc To Pytorch Dataset

    • universe.roboflow.com
    zip
    Updated Nov 19, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    hanbit kang (2021). Convert Voc To Pytorch Dataset [Dataset]. https://universe.roboflow.com/hanbit-kang/convert-voc-to-pytorch
    Explore at:
    zipAvailable download formats
    Dataset updated
    Nov 19, 2021
    Dataset authored and provided by
    hanbit kang
    License

    Attribution 4.0 (CC BY 4.0)https://creativecommons.org/licenses/by/4.0/
    License information was derived automatically

    Variables measured
    Ls Bounding Boxes
    Description

    Convert Voc To Pytorch

    ## Overview
    
    Convert Voc To Pytorch is a dataset for object detection tasks - it contains Ls annotations for 11,828 images.
    
    ## Getting Started
    
    You can download this dataset for use within your own projects, or fork it into a workspace on Roboflow to create your own model.
    
      ## License
    
      This dataset is available under the [CC BY 4.0 license](https://creativecommons.org/licenses/CC BY 4.0).
    
  6. h

    IQA-PyTorch-Datasets-metainfo

    • huggingface.co
    Updated Oct 24, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Chaofeng Chen (2025). IQA-PyTorch-Datasets-metainfo [Dataset]. https://huggingface.co/datasets/chaofengc/IQA-PyTorch-Datasets-metainfo
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Oct 24, 2025
    Authors
    Chaofeng Chen
    License

    Attribution-ShareAlike 4.0 (CC BY-SA 4.0)https://creativecommons.org/licenses/by-sa/4.0/
    License information was derived automatically

    Description

    Description

    This repo contains the meta information of datasets stored in chaofengc/IQA-PyTorch-Weights. They are used in the training codes of the pyiqa toolbox.

      Disclaimer for Datasets Included
    

    This collection of datasets is compiled and maintained for academic, research, and educational purposes. It is important to note the following points regarding the datasets included in this Collection:

    Rights & Permissions: Each dataset in this Collection is the property of its… See the full description on the dataset page: https://huggingface.co/datasets/chaofengc/IQA-PyTorch-Datasets-metainfo.

  7. R

    Fish Pytorch Dataset

    • universe.roboflow.com
    zip
    Updated Nov 16, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    daniel (2022). Fish Pytorch Dataset [Dataset]. https://universe.roboflow.com/daniel-5cnur/fish-pytorch/model/11
    Explore at:
    zipAvailable download formats
    Dataset updated
    Nov 16, 2022
    Dataset authored and provided by
    daniel
    License

    Attribution 4.0 (CC BY 4.0)https://creativecommons.org/licenses/by/4.0/
    License information was derived automatically

    Variables measured
    Fishes Bounding Boxes
    Description

    Fish PYTORCH

    ## Overview
    
    Fish PYTORCH is a dataset for object detection tasks - it contains Fishes annotations for 2,975 images.
    
    ## Getting Started
    
    You can download this dataset for use within your own projects, or fork it into a workspace on Roboflow to create your own model.
    
      ## License
    
      This dataset is available under the [CC BY 4.0 license](https://creativecommons.org/licenses/CC BY 4.0).
    
  8. e

    pytorch.org Traffic Analytics Data

    • analytics.explodingtopics.com
    Updated Oct 1, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2025). pytorch.org Traffic Analytics Data [Dataset]. https://analytics.explodingtopics.com/website/pytorch.org
    Explore at:
    Dataset updated
    Oct 1, 2025
    Variables measured
    Global Rank, Monthly Visits, Authority Score, US Country Rank, Computer Software & Development Category Rank
    Description

    Traffic analytics, rankings, and competitive metrics for pytorch.org as of October 2025

  9. TecoGan Pytorch Dataset

    • kaggle.com
    zip
    Updated Mar 19, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Dwight Foster (2021). TecoGan Pytorch Dataset [Dataset]. https://www.kaggle.com/datasets/gtownfoster/ucf101-images-for-tecogan-pytorch
    Explore at:
    zip(4545427538 bytes)Available download formats
    Dataset updated
    Mar 19, 2021
    Authors
    Dwight Foster
    License

    https://creativecommons.org/publicdomain/zero/1.0/https://creativecommons.org/publicdomain/zero/1.0/

    Description

    Context

    This is a dataset for the TecoGan Pytorch model. The Github repo can be found here.

    Content

    There are 400 scenes from the UCF101 dataset. Each video was split into photos with a maximum length of 120 photos. The photos were put into this dataset in the format that the TecoGan dataloader takes.

    Acknowledgements

    The original UCF101 dataset can be found here. And you can find the original TecoGan repo here.

    Inspiration

    Let's see how good your super resolution images can look. How close can you get to the original?

  10. R

    Test Yolo V5 Pytorch Dataset

    • universe.roboflow.com
    zip
    Updated Sep 29, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Deep Learning (2024). Test Yolo V5 Pytorch Dataset [Dataset]. https://universe.roboflow.com/deep-learning-8wwdk/test-yolo-v5-pytorch
    Explore at:
    zipAvailable download formats
    Dataset updated
    Sep 29, 2024
    Dataset authored and provided by
    Deep Learning
    License

    Attribution 4.0 (CC BY 4.0)https://creativecommons.org/licenses/by/4.0/
    License information was derived automatically

    Variables measured
    Test Bounding Boxes
    Description

    Test Yolo V5 PyTorch

    ## Overview
    
    Test Yolo V5 PyTorch is a dataset for object detection tasks - it contains Test annotations for 637 images.
    
    ## Getting Started
    
    You can download this dataset for use within your own projects, or fork it into a workspace on Roboflow to create your own model.
    
      ## License
    
      This dataset is available under the [CC BY 4.0 license](https://creativecommons.org/licenses/CC BY 4.0).
    
  11. PyTorch Tutorials

    • kaggle.com
    zip
    Updated Sep 6, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Alexander444 (2021). PyTorch Tutorials [Dataset]. https://www.kaggle.com/datasets/alexander444/pytorch-tutorials
    Explore at:
    zip(732686842 bytes)Available download formats
    Dataset updated
    Sep 6, 2021
    Authors
    Alexander444
    Description

    Dataset

    This dataset was created by Alexander444

    Contents

    Pytorch tutorials and auxiliary files

  12. h

    github-pytorch-issues

    • huggingface.co
    Updated May 7, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    mayank puvvala (2025). github-pytorch-issues [Dataset]. https://huggingface.co/datasets/mayankpuvvala/github-pytorch-issues
    Explore at:
    Dataset updated
    May 7, 2025
    Authors
    mayank puvvala
    License

    https://choosealicense.com/licenses/undefined/https://choosealicense.com/licenses/undefined/

    Description

    Dataset Card for github-pytorch-issues

      Dataset Summary
    

    This dataset is a curated collection of GitHub issues from the PyTorch repository. Each entry includes the issue title, body, user, state, labels, comments, and other relevant fields that are useful for tasks such as text classification, semantic search, and question answering.

      Supported Tasks and Leaderboards
    

    The dataset supports the following tasks:

    Open-domain Question Answering: Given a user query… See the full description on the dataset page: https://huggingface.co/datasets/mayankpuvvala/github-pytorch-issues.

  13. h

    all-pytorch-code

    • huggingface.co
    Updated Oct 9, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Kye Gomez (2023). all-pytorch-code [Dataset]. https://huggingface.co/datasets/kye/all-pytorch-code
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Oct 9, 2023
    Authors
    Kye Gomez
    License

    MIT Licensehttps://opensource.org/licenses/MIT
    License information was derived automatically

    Description

    kye/all-pytorch-code dataset hosted on Hugging Face and contributed by the HF Datasets community

  14. h

    pytorch-standard

    • huggingface.co
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    RELAI, pytorch-standard [Dataset]. https://huggingface.co/datasets/relai-ai/pytorch-standard
    Explore at:
    Dataset authored and provided by
    RELAI
    License

    Attribution 4.0 (CC BY 4.0)https://creativecommons.org/licenses/by/4.0/
    License information was derived automatically

    Description

    Samples in this benchmark were generated by RELAI using the following data source(s): Data Source Name: pytorch Data Source Link: https://pytorch.org/docs/stable/index.html Data Source License: https://github.com/pytorch/pytorch/blob/main/LICENSE Data Source Authors: PyTorch AI Benchmarks by Data Agents. 2025 RELAI.AI. Licensed under CC BY 4.0. Source: https://relai.ai

  15. R

    Yolo To Coco For Ssd Pytorch Dataset

    • universe.roboflow.com
    zip
    Updated Apr 11, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Ashwin Alinkil (2023). Yolo To Coco For Ssd Pytorch Dataset [Dataset]. https://universe.roboflow.com/ashwin-alinkil-5bvgz/yolo-to-coco-for-ssd-pytorch/dataset/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Apr 11, 2023
    Dataset authored and provided by
    Ashwin Alinkil
    License

    MIT Licensehttps://opensource.org/licenses/MIT
    License information was derived automatically

    Variables measured
    Car Van Truck Bus Person Cyclist Bounding Boxes
    Description

    Yolo To COCO For SSD Pytorch

    ## Overview
    
    Yolo To COCO For SSD Pytorch is a dataset for object detection tasks - it contains Car Van Truck Bus Person Cyclist annotations for 5,981 images.
    
    ## Getting Started
    
    You can download this dataset for use within your own projects, or fork it into a workspace on Roboflow to create your own model.
    
      ## License
    
      This dataset is available under the [MIT license](https://creativecommons.org/licenses/MIT).
    
  16. E

    Data from: PyTorch model for Slovenian Named Entity Recognition SloNER 1.0

    • live.european-language-grid.eu
    Updated Jan 26, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2023). PyTorch model for Slovenian Named Entity Recognition SloNER 1.0 [Dataset]. https://live.european-language-grid.eu/catalogue/tool-service/20980
    Explore at:
    Dataset updated
    Jan 26, 2023
    License

    Attribution-ShareAlike 4.0 (CC BY-SA 4.0)https://creativecommons.org/licenses/by-sa/4.0/
    License information was derived automatically

    Description

    The SloNER is a model for Slovenian Named Entity Recognition. It is is a PyTorch neural network model, intended for usage with the HuggingFace transformers library (https://github.com/huggingface/transformers).

    The model is based on the Slovenian RoBERTa contextual embeddings model SloBERTa 2.0 (http://hdl.handle.net/11356/1397). The model was trained on the SUK 1.0 training corpus (http://hdl.handle.net/11356/1747).The source code of the model is available on GitHub repository https://github.com/clarinsi/SloNER.

  17. Fundus Glaucoma Detection Data [PyTorch format]

    • kaggle.com
    Updated Nov 20, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    sabari (2023). Fundus Glaucoma Detection Data [PyTorch format] [Dataset]. https://www.kaggle.com/datasets/sabari50312/fundus-pytorch
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Nov 20, 2023
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    sabari
    License

    Apache License, v2.0https://www.apache.org/licenses/LICENSE-2.0
    License information was derived automatically

    Description

    Subset of the SMDG-19 for Glaucoma dataset in PyTorch Format

    SMDG-19: https://www.kaggle.com/datasets/deathtrooper/multichannel-glaucoma-benchmark-dataset

    Contains Train, Val and Test set of Fundus images for Glaucoma Detection

    2 Classes (0|1)

    1: Glaucoma Present 0: Glaucoma not Present

  18. R

    Pothole Yolov3 Pytorch Dataset

    • universe.roboflow.com
    zip
    Updated May 28, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    new-workspace-dmzuf (2022). Pothole Yolov3 Pytorch Dataset [Dataset]. https://universe.roboflow.com/new-workspace-dmzuf/pothole-yolov3-pytorch/dataset/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    May 28, 2022
    Dataset authored and provided by
    new-workspace-dmzuf
    License

    Attribution 4.0 (CC BY 4.0)https://creativecommons.org/licenses/by/4.0/
    License information was derived automatically

    Variables measured
    Pothole Bounding Boxes
    Description

    Pothole Yolov3 Pytorch

    ## Overview
    
    Pothole Yolov3 Pytorch is a dataset for object detection tasks - it contains Pothole annotations for 665 images.
    
    ## Getting Started
    
    You can download this dataset for use within your own projects, or fork it into a workspace on Roboflow to create your own model.
    
      ## License
    
      This dataset is available under the [CC BY 4.0 license](https://creativecommons.org/licenses/CC BY 4.0).
    
  19. h

    pytorch-tutorial-168

    • huggingface.co
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    shrinath suresh, pytorch-tutorial-168 [Dataset]. https://huggingface.co/datasets/shrinath-suresh/pytorch-tutorial-168
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Authors
    shrinath suresh
    Description

    Dataset Card for "pytorch-tutorial-168"

    More Information needed

  20. h

    pytorch-discuss-tutorial-346

    • huggingface.co
    Updated Jul 3, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    shrinath suresh (2023). pytorch-discuss-tutorial-346 [Dataset]. https://huggingface.co/datasets/shrinath-suresh/pytorch-discuss-tutorial-346
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Jul 3, 2023
    Authors
    shrinath suresh
    Description

    Dataset Card for "pytorch-discuss-tutorial-346"

    More Information needed

Share
FacebookFacebook
TwitterTwitter
Email
Click to copy link
Link copied
Close
Cite
Chaofeng Chen (2025). IQA-PyTorch-Datasets [Dataset]. https://huggingface.co/datasets/chaofengc/IQA-PyTorch-Datasets

IQA-PyTorch-Datasets

chaofengc/IQA-PyTorch-Datasets

Explore at:
Dataset updated
Nov 30, 2025
Authors
Chaofeng Chen
License

Attribution-ShareAlike 4.0 (CC BY-SA 4.0)https://creativecommons.org/licenses/by-sa/4.0/
License information was derived automatically

Description

Description

This is the dataset repository used in the pyiqa toolbox. Please refer to Awesome Image Quality Assessment for details of each dataset Example commandline script with huggingface-cli: huggingface-cli download chaofengc/IQA-PyTorch-Datasets live.tgz --local-dir ./datasets --repo-type dataset cd datasets tar -xzvf live.tgz

  Disclaimer for This Dataset Collection

This collection of datasets is compiled and maintained for academic, research, and educational… See the full description on the dataset page: https://huggingface.co/datasets/chaofengc/IQA-PyTorch-Datasets.

Search
Clear search
Close search
Google apps
Main menu