100+ datasets found
  1. T

    wiki40b

    • tensorflow.org
    • opendatalab.com
    • +1more
    Updated Aug 30, 2023
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2023). wiki40b [Dataset]. https://www.tensorflow.org/datasets/catalog/wiki40b
    Explore at:
    Dataset updated
    Aug 30, 2023
    Description

    Clean-up text for 40+ Wikipedia languages editions of pages correspond to entities. The datasets have train/dev/test splits per language. The dataset is cleaned up by page filtering to remove disambiguation pages, redirect pages, deleted pages, and non-entity pages. Each example contains the wikidata id of the entity, and the full Wikipedia article after page processing that removes non-content sections and structured objects. The language models trained on this corpus - including 41 monolingual models, and 2 multilingual models - can be found at https://tfhub.dev/google/collections/wiki40b-lm/1.

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('wiki40b', split='train')
    for ex in ds.take(4):
     print(ex)
    

    See the guide for more informations on tensorflow_datasets.

  2. T

    cifar10

    • tensorflow.org
    • opendatalab.com
    • +3more
    Updated Jun 1, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2024). cifar10 [Dataset]. https://www.tensorflow.org/datasets/catalog/cifar10
    Explore at:
    Dataset updated
    Jun 1, 2024
    Description

    The CIFAR-10 dataset consists of 60000 32x32 colour images in 10 classes, with 6000 images per class. There are 50000 training images and 10000 test images.

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('cifar10', split='train')
    for ex in ds.take(4):
     print(ex)
    

    See the guide for more informations on tensorflow_datasets.

    https://storage.googleapis.com/tfds-data/visualization/fig/cifar10-3.0.2.png" alt="Visualization" width="500px">

  3. T

    tf_flowers

    • tensorflow.org
    Updated Jun 1, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2024). tf_flowers [Dataset]. https://www.tensorflow.org/datasets/catalog/tf_flowers
    Explore at:
    Dataset updated
    Jun 1, 2024
    Description

    A large set of images of flowers

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('tf_flowers', split='train')
    for ex in ds.take(4):
     print(ex)
    

    See the guide for more informations on tensorflow_datasets.

    https://storage.googleapis.com/tfds-data/visualization/fig/tf_flowers-3.0.1.png" alt="Visualization" width="500px">

  4. Tensorflow dataset

    • kaggle.com
    zip
    Updated Nov 22, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Yoga Yudha Tama (2024). Tensorflow dataset [Dataset]. https://www.kaggle.com/datasets/zzzpai/tensorflow-dataset
    Explore at:
    zip(155283511 bytes)Available download formats
    Dataset updated
    Nov 22, 2024
    Authors
    Yoga Yudha Tama
    License

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

    Description

    Dataset

    This dataset was created by Yoga Yudha Tama

    Released under Apache 2.0

    Contents

  5. T

    wikipedia

    • tensorflow.org
    • huggingface.co
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    wikipedia [Dataset]. https://www.tensorflow.org/datasets/catalog/wikipedia
    Explore at:
    Description

    Wikipedia dataset containing cleaned articles of all languages. The datasets are built from the Wikipedia dump (https://dumps.wikimedia.org/) with one split per language. Each example contains the content of one full Wikipedia article with cleaning to strip markdown and unwanted sections (references, etc.).

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('wikipedia', split='train')
    for ex in ds.take(4):
     print(ex)
    

    See the guide for more informations on tensorflow_datasets.

  6. T

    mnist

    • tensorflow.org
    • universe.roboflow.com
    • +4more
    Updated Jun 1, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2024). mnist [Dataset]. https://www.tensorflow.org/datasets/catalog/mnist
    Explore at:
    Dataset updated
    Jun 1, 2024
    Description

    The MNIST database of handwritten digits.

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('mnist', split='train')
    for ex in ds.take(4):
     print(ex)
    

    See the guide for more informations on tensorflow_datasets.

    https://storage.googleapis.com/tfds-data/visualization/fig/mnist-3.0.1.png" alt="Visualization" width="500px">

  7. R

    Tensorflow Dataset

    • universe.roboflow.com
    zip
    Updated Sep 30, 2021
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    iqra shafqat (2021). Tensorflow Dataset [Dataset]. https://universe.roboflow.com/iqra-shafqat/tensorflow-amghn/dataset/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Sep 30, 2021
    Dataset authored and provided by
    iqra shafqat
    License

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

    Variables measured
    Objects Bounding Boxes
    Description

    Tensorflow

    ## Overview
    
    Tensorflow is a dataset for object detection tasks - it contains Objects annotations for 496 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. Tensorflow Official Text Datasets

    • kaggle.com
    zip
    Updated Oct 22, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Eisa (2022). Tensorflow Official Text Datasets [Dataset]. https://www.kaggle.com/imoore/tensorflow-official-text-datasets
    Explore at:
    zip(165722 bytes)Available download formats
    Dataset updated
    Oct 22, 2022
    Authors
    Eisa
    Description

    TFDS provides a collection of ready-to-use datasets for use with TensorFlow, Jax, and other Machine Learning frameworks.

    source

    https://www.tensorflow.org/datasets/overview

  9. Tensorflow Malaria Classification Dataset

    • kaggle.com
    zip
    Updated Jun 16, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Prajesh Sanghvi (2023). Tensorflow Malaria Classification Dataset [Dataset]. https://www.kaggle.com/datasets/prajeshsanghvi/tensorflow-malaria-classification-dataset
    Explore at:
    zip(152255961 bytes)Available download formats
    Dataset updated
    Jun 16, 2023
    Authors
    Prajesh Sanghvi
    Description

    Dataset is in .tfrecords format. use the following code to parse the data into tensorflow usable format:

    import tensorflow as tf
    PATH = '/kaggle/working/tf_malaria.tfrecord'
    
    full_data = tf.data.TFRecordDataset(
      filenames = [FPATH]
    )
    
    def parse_tfrecords(example):
      
      feature_description = {
        "images": tf.io.FixedLenFeature([], tf.string),
        "labels": tf.io.FixedLenFeature([], tf.int64),
      }
      
      example = tf.io.parse_single_example(example, feature_description)
      example["images"] = tf.io.decode_jpeg(example["images"], channels = 3)
      
      return example["images"], example["labels"]
    
    parsed_full_data = (
       full_data
      .map(parse_tfrecords)
    )
    
  10. tensorflow 2.16.1

    • kaggle.com
    zip
    Updated Jun 6, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Fernandosr85 (2024). tensorflow 2.16.1 [Dataset]. https://www.kaggle.com/datasets/fernandosr85/tensorflow-2-16-1
    Explore at:
    zip(1991 bytes)Available download formats
    Dataset updated
    Jun 6, 2024
    Authors
    Fernandosr85
    License

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

    Description

    Dataset

    This dataset was created by Fernandosr85

    Released under Apache 2.0

    Contents

  11. TPS 10/21 - TF Dataset & Feather Formats

    • kaggle.com
    zip
    Updated Oct 13, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Robert Sizemore (2021). TPS 10/21 - TF Dataset & Feather Formats [Dataset]. https://www.kaggle.com/datasets/rsizem2/tps-october-2021-reduced-memory
    Explore at:
    zip(2599081353 bytes)Available download formats
    Dataset updated
    Oct 13, 2021
    Authors
    Robert Sizemore
    Description

    Dataset

    This dataset was created by Robert Sizemore

    Contents

  12. T

    food101

    • tensorflow.org
    • opendatalab.com
    • +3more
    Updated Nov 23, 2022
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2022). food101 [Dataset]. https://www.tensorflow.org/datasets/catalog/food101
    Explore at:
    Dataset updated
    Nov 23, 2022
    Description

    This dataset consists of 101 food categories, with 101'000 images. For each class, 250 manually reviewed test images are provided as well as 750 training images. On purpose, the training images were not cleaned, and thus still contain some amount of noise. This comes mostly in the form of intense colors and sometimes wrong labels. All images were rescaled to have a maximum side length of 512 pixels.

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('food101', split='train')
    for ex in ds.take(4):
     print(ex)
    

    See the guide for more informations on tensorflow_datasets.

    https://storage.googleapis.com/tfds-data/visualization/fig/food101-2.0.0.png" alt="Visualization" width="500px">

  13. R

    Wildfire Smoke.v1 Raw.tensorflow Dataset

    • universe.roboflow.com
    zip
    Updated Sep 5, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Wildfire smoke (2024). Wildfire Smoke.v1 Raw.tensorflow Dataset [Dataset]. https://universe.roboflow.com/wildfire-smoke/wildfire-smoke.v1-raw.tensorflow/model/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Sep 5, 2024
    Dataset authored and provided by
    Wildfire smoke
    License

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

    Variables measured
    Smoke Bounding Boxes
    Description

    Wildfire Smoke.v1 Raw.tensorflow

    ## Overview
    
    Wildfire Smoke.v1 Raw.tensorflow is a dataset for object detection tasks - it contains Smoke annotations for 1,253 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).
    
  14. R

    Data from: Tensorflow 2 Dataset

    • universe.roboflow.com
    zip
    Updated Aug 11, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Final Year Project (2022). Tensorflow 2 Dataset [Dataset]. https://universe.roboflow.com/final-year-project-qmcjb/tensorflow-2-qdyjf/model/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Aug 11, 2022
    Dataset authored and provided by
    Final Year Project
    License

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

    Variables measured
    Defect Bounding Boxes
    Description

    TensorFlow 2

    ## Overview
    
    TensorFlow 2 is a dataset for object detection tasks - it contains Defect annotations for 851 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).
    
  15. tensorflow-ranking

    • kaggle.com
    zip
    Updated Jun 12, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    nadare (2022). tensorflow-ranking [Dataset]. https://www.kaggle.com/datasets/nadare/tensorflowranking
    Explore at:
    zip(138003 bytes)Available download formats
    Dataset updated
    Jun 12, 2022
    Authors
    nadare
    Description

    Dataset

    This dataset was created by nadare

    Contents

  16. UNETR Model - TensorFlow

    • kaggle.com
    zip
    Updated Jun 20, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Tensor Girl (2022). UNETR Model - TensorFlow [Dataset]. https://www.kaggle.com/datasets/usharengaraju/unetr-model
    Explore at:
    zip(1652833612 bytes)Available download formats
    Dataset updated
    Jun 20, 2022
    Authors
    Tensor Girl
    Description

    TensorFlow Implementation of UNETR model trained on 24k images from UW Madison Dataset .

    Paper : https://arxiv.org/pdf/2103.10504.pdf Competition Data : https://www.kaggle.com/competitions/uw-madison-gi-tract-image-segmentation

    Credit : Dataset image is uploaded from the competition data page https://www.kaggle.com/competitions/uw-madison-gi-tract-image-segmentation

  17. TensorFlow-2-13-0

    • kaggle.com
    zip
    Updated Jul 26, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Henry Javier (2023). TensorFlow-2-13-0 [Dataset]. https://www.kaggle.com/datasets/henryjavier/tensorflow-2-13-0
    Explore at:
    zip(519765942 bytes)Available download formats
    Dataset updated
    Jul 26, 2023
    Authors
    Henry Javier
    License

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

    Description

    Dataset

    This dataset was created by Henry Javier

    Released under Apache 2.0

    Contents

  18. Inception tensorflow model

    • kaggle.com
    zip
    Updated Oct 14, 2017
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    HarryTan (2017). Inception tensorflow model [Dataset]. https://www.kaggle.com/datasets/harry688tan96/inception-tensorflow-model
    Explore at:
    zip(88992448 bytes)Available download formats
    Dataset updated
    Oct 14, 2017
    Authors
    HarryTan
    Description

    Dataset

    This dataset was created by HarryTan

    Released under Other (specified in description)

    Contents

  19. T

    oxford_iiit_pet

    • tensorflow.org
    • opendatalab.com
    Updated Mar 14, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2025). oxford_iiit_pet [Dataset]. https://www.tensorflow.org/datasets/catalog/oxford_iiit_pet
    Explore at:
    Dataset updated
    Mar 14, 2025
    Description

    The Oxford-IIIT pet dataset is a 37 category pet image dataset with roughly 200 images for each class. The images have large variations in scale, pose and lighting. All images have an associated ground truth annotation of breed and species. Additionally, head bounding boxes are provided for the training split, allowing using this dataset for simple object detection tasks. In the test split, the bounding boxes are empty.

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('oxford_iiit_pet', split='train')
    for ex in ds.take(4):
     print(ex)
    

    See the guide for more informations on tensorflow_datasets.

  20. Wider Face (wider_face) Tensorflow

    • kaggle.com
    zip
    Updated Apr 8, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    NareshPS (2023). Wider Face (wider_face) Tensorflow [Dataset]. https://www.kaggle.com/datasets/naresh/wider-face-tensorflow/discussion
    Explore at:
    zip(3674707679 bytes)Available download formats
    Dataset updated
    Apr 8, 2023
    Authors
    NareshPS
    Description

    Sourced from: https://www.tensorflow.org/datasets/catalog/wider_face

    WIDER FACE dataset is a face detection benchmark dataset, of which images are selected from the publicly available WIDER dataset. We choose 32,203 images and label 393,703 faces with a high degree of variability in scale, pose and occlusion as depicted in the sample images. WIDER FACE dataset is organized based on 61 event classes. For each event class, we randomly select 40%/10%/50% data as training, validation and testing sets. We adopt the same evaluation metric employed in the PASCAL VOC dataset. Similar to MALF and Caltech datasets, we do not release bounding box ground truth for the test images. Users are required to submit final prediction files, which we shall proceed to evaluate.

    Homepage: http://shuoyang1213.me/WIDERFACE/

    Source code: tfds.object_detection.WiderFace

    Versions:

    0.1.0 (default): No release notes. Download size: 3.42 GiB

    Dataset size: 3.45 GiB

    Auto-cached (documentation): No

    Splits:

Share
FacebookFacebook
TwitterTwitter
Email
Click to copy link
Link copied
Close
Cite
(2023). wiki40b [Dataset]. https://www.tensorflow.org/datasets/catalog/wiki40b

wiki40b

Explore at:
67 scholarly articles cite this dataset (View in Google Scholar)
Dataset updated
Aug 30, 2023
Description

Clean-up text for 40+ Wikipedia languages editions of pages correspond to entities. The datasets have train/dev/test splits per language. The dataset is cleaned up by page filtering to remove disambiguation pages, redirect pages, deleted pages, and non-entity pages. Each example contains the wikidata id of the entity, and the full Wikipedia article after page processing that removes non-content sections and structured objects. The language models trained on this corpus - including 41 monolingual models, and 2 multilingual models - can be found at https://tfhub.dev/google/collections/wiki40b-lm/1.

To use this dataset:

import tensorflow_datasets as tfds

ds = tfds.load('wiki40b', split='train')
for ex in ds.take(4):
 print(ex)

See the guide for more informations on tensorflow_datasets.

Search
Clear search
Close search
Google apps
Main menu