29 datasets found
  1. MNIST Dataset

    • kaggle.com
    • opendatalab.com
    • +4more
    zip
    Updated Jan 8, 2019
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Hojjat Khodabakhsh (2019). MNIST Dataset [Dataset]. https://www.kaggle.com/datasets/hojjatk/mnist-dataset
    Explore at:
    zip(23112702 bytes)Available download formats
    Dataset updated
    Jan 8, 2019
    Authors
    Hojjat Khodabakhsh
    Description

    Context

    MNIST is a subset of a larger set available from NIST (it's copied from http://yann.lecun.com/exdb/mnist/)

    Content

    The MNIST database of handwritten digits has a training set of 60,000 examples, and a test set of 10,000 examples. . Four files are available:

    • train-images-idx3-ubyte.gz: training set images (9912422 bytes)
    • train-labels-idx1-ubyte.gz: training set labels (28881 bytes)
    • t10k-images-idx3-ubyte.gz: test set images (1648877 bytes)
    • t10k-labels-idx1-ubyte.gz: test set labels (4542 bytes)

    How to read

    See sample MNIST reader

    Acknowledgements

    • Yann LeCun, Courant Institute, NYU
    • Corinna Cortes, Google Labs, New York
    • Christopher J.C. Burges, Microsoft Research, Redmond

    Inspiration

    Many methods have been tested with this training set and test set (see http://yann.lecun.com/exdb/mnist/ for more details)

  2. a

    MNIST

    • datasets.activeloop.ai
    deeplake
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Yann LeCun, MNIST [Dataset]. https://datasets.activeloop.ai/docs/ml/datasets/mnist/
    Explore at:
    deeplakeAvailable download formats
    Authors
    Yann LeCun
    License

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

    Time period covered
    Jan 1, 1998 - Dec 31, 2000
    Area covered
    Earth
    Dataset funded by
    AT&T Bell Labs
    Description

    The MNIST dataset is a dataset of handwritten digits. It is a popular dataset for machine learning and artificial intelligence research. The dataset consists of 60,000 training images and 10,000 test images. Each image is a 28x28 pixel grayscale image of a handwritten digit. The digits are labeled from 0 to 9.

  3. T

    fashion_mnist

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

    Fashion-MNIST is a dataset of Zalando's article images consisting of a training set of 60,000 examples and a test set of 10,000 examples. Each example is a 28x28 grayscale image, associated with a label from 10 classes.

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('fashion_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/fashion_mnist-3.0.1.png" alt="Visualization" width="500px">

  4. MNIST as PNG

    • kaggle.com
    zip
    Updated Jul 17, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Ben Gorman (2024). MNIST as PNG [Dataset]. https://www.kaggle.com/datasets/ben519/mnist-as-png
    Explore at:
    zip(32971223 bytes)Available download formats
    Dataset updated
    Jul 17, 2024
    Authors
    Ben Gorman
    License

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

    Description

    [MNIST](https://en.wikipedia.org/wiki/MNIST_database#:~:text=The%20MNIST%20database%20(Modified%20National,training%20various%20image%20processing%20systems.) data in PNG format, derived directly from MNIST in CSV.

    The data contains 60,000 labelled train samples and 10,000 labelled test samples. Each sample is a 28x28 grayscale PNG image.

    Unzipped directory structure 👇

    test/
     0/
      test_image_3.png
      test_image_10.png
      test_image_13.png
      ...
     1/
      test_image_2.png
      test_image_5.png
      test_image_14.png
      ...
     ...
     9/
    
    train/
     0/
      train_image_1.png
      train_image_21.png
      train_image_34.png
      ...
     1/
     ...
     9/
    

    Data collection script

    import pandas as pd
    from PIL import Image
    
    mnist_train = pd.read_csv("mnist-csv/mnist_train.csv")
    mnist_test = pd.read_csv("mnist-csv/mnist_test.csv")
    
    for i in range(10):
    
      # Convert the training data to png
      train_i = mnist_train.loc[mnist_train.label == i]
      for index, row in train_i.iterrows():
        X = row[1:].to_numpy().reshape(28, 28)
        filepath = (
          f"mnist-png/train/{i}/train_image_{index}.png"
        )
        img = Image.fromarray(X.astype("uint8"), mode="L")
        img.save(filepath)
    
      # Convert the test data to png
      test_i = mnist_test.loc[mnist_test.label == i]
      for index, row in test_i.iterrows():
        X = row[1:].to_numpy().reshape(28, 28)
        filepath = f"mnist-png/test/{i}/test_image_{index}.png"
        img = Image.fromarray(X.astype("uint8"), mode="L")
        img.save(filepath)
    
  5. T

    moving_mnist

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

    Moving variant of MNIST database of handwritten digits. This is the data used by the authors for reporting model performance. See tfds.video.moving_mnist.image_as_moving_sequence for generating training/validation data from the MNIST dataset.

    To use this dataset:

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

    See the guide for more informations on tensorflow_datasets.

  6. MNIST - HDF5

    • kaggle.com
    zip
    Updated Feb 28, 2020
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Benedict Wilkins (2020). MNIST - HDF5 [Dataset]. https://www.kaggle.com/benedictwilkinsai/mnist-hd5f
    Explore at:
    zip(12272528 bytes)Available download formats
    Dataset updated
    Feb 28, 2020
    Authors
    Benedict Wilkins
    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 MNIST dataset in HDF5 format.

    Data can be loaded with the h5py package: pip install h5py, see demo

  7. 3D MNIST

    • kaggle.com
    zip
    Updated Oct 18, 2019
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    David de la Iglesia Castro (2019). 3D MNIST [Dataset]. https://www.kaggle.com/daavoo/3d-mnist
    Explore at:
    zip(160210751 bytes)Available download formats
    Dataset updated
    Oct 18, 2019
    Authors
    David de la Iglesia Castro
    Description

    Context

    The aim of this dataset is to provide a simple way to get started with 3D computer vision problems such as 3D shape recognition.

    Accurate 3D point clouds can (easily and cheaply) be adquired nowdays from different sources:

    However there is a lack of large 3D datasets (you can find a good one here based on triangular meshes); it's especially hard to find datasets based on point clouds (wich is the raw output from every 3D sensing device).

    This dataset contains 3D point clouds generated from the original images of the MNIST dataset to bring a familiar introduction to 3D to people used to work with 2D datasets (images).

    In the 3D_from_2D notebook you can find the code used to generate the dataset.

    You can use the code in the notebook to generate a bigger 3D dataset from the original.

    Content

    full_dataset_vectors.h5

    The entire dataset stored as 4096-D vectors obtained from the voxelization (x:16, y:16, z:16) of all the 3D point clouds.

    In adition to the original point clouds, it contains randomly rotated copies with noise.

    The full dataset is splitted into arrays:

    • X_train (10000, 4096)
    • y_train (10000)
    • X_test(2000, 4096)
    • y_test (2000)

    Example python code reading the full dataset:

     with h5py.File("../input/train_point_clouds.h5", "r") as hf:  
       X_train = hf["X_train"][:]
       y_train = hf["y_train"][:]  
       X_test = hf["X_test"][:] 
       y_test = hf["y_test"][:] 
    

    train_point_clouds.h5 & test_point_clouds.h5

    5000 (train), and 1000 (test) 3D point clouds stored in HDF5 file format. The point clouds have zero mean and a maximum dimension range of 1.

    Each file is divided into HDF5 groups

    Each group is named as its corresponding array index in the original mnist dataset and it contains:

    • "points" dataset: x, y, z coordinates of each 3D point in the point cloud.
    • "normals" dataset: nx, ny, nz components of the unit normal associate to each point.
    • "img" dataset: the original mnist image.
    • "label" attribute: the original mnist label.

    Example python code reading 2 digits and storing some of the group content in tuples:

    with h5py.File("../input/train_point_clouds.h5", "r") as hf:  
      a = hf["0"]
      b = hf["1"]  
      digit_a = (a["img"][:], a["points"][:], a.attrs["label"]) 
      digit_b = (b["img"][:], b["points"][:], b.attrs["label"]) 
    

    voxelgrid.py

    Simple Python class that generates a grid of voxels from the 3D point cloud. Check kernel for use.

    plot3D.py

    Module with functions to plot point clouds and voxelgrid inside jupyter notebook. You have to run this locally due to Kaggle's notebook lack of support to rendering Iframes. See github issue here

    Functions included:

    • array_to_color Converts 1D array to rgb values use as kwarg color in plot_points()

    • plot_points(xyz, colors=None, size=0.1, axis=False)

    • plot_voxelgrid(v_grid, cmap="Oranges", axis=False)

    Acknowledgements

    Have fun!

  8. 🔢🖊️ Digital Recognition: MNIST Dataset

    • kaggle.com
    zip
    Updated Nov 13, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Wasiq Ali (2025). 🔢🖊️ Digital Recognition: MNIST Dataset [Dataset]. https://www.kaggle.com/datasets/wasiqaliyasir/digital-mnist-dataset
    Explore at:
    zip(2278207 bytes)Available download formats
    Dataset updated
    Nov 13, 2025
    Authors
    Wasiq Ali
    License

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

    Description

    Handwritten Digits Pixel Dataset - Documentation

    Overview

    The Handwritten Digits Pixel Dataset is a collection of numerical data representing handwritten digits from 0 to 9. Unlike image datasets that store actual image files, this dataset contains pixel intensity values arranged in a structured tabular format, making it ideal for machine learning and data analysis applications.

    Dataset Description

    Basic Information

    • Format: CSV (Comma-Separated Values)
    • Total Samples: [Number of rows based on your dataset]
    • Features: 784 pixel columns (28×28 pixels) + 1 label column
    • Label Range: Digits 0-9
    • Pixel Value Range: 0-255 (grayscale intensity)

    File Structure

    Column Description

    • label: The target variable representing the digit (0-9)
    • pixel columns: 784 columns named in format [row]xcolumn
    • Each pixel column contains integer values from 0-255 representing grayscale intensity

    Data Characteristics

    Label Distribution

    The dataset contains handwritten digit samples with the following distribution:

    • Digit 0: [X] samples
    • Digit 1: [X] samples
    • Digit 2: [X] samples
    • Digit 3: [X] samples
    • Digit 4: [X] samples
    • Digit 5: [X] samples
    • Digit 6: [X] samples
    • Digit 7: [X] samples
    • Digit 8: [X] samples
    • Digit 9: [X] samples

    (Note: Actual distribution counts would be calculated from your specific dataset)

    Data Quality

    • Missing Values: No missing values detected
    • Data Type: All values are integers
    • Normalization: Pixel values range from 0-255 (can be normalized to 0-1 for ML models)
    • Consistency: Uniform 28×28 grid structure across all samples

    Technical Specifications

    Data Preprocessing Requirements

    • Normalization: Scale pixel values from 0-255 to 0-1 range
    • Reshaping: Convert 1D pixel arrays to 2D 28×28 matrices for visualization
    • Train-Test Split: Recommended 80-20 or 70-30 split for model development

    Recommended Machine Learning Approaches

    Classification Algorithms:

    • Random Forest
    • Support Vector Machines (SVM)
    • Neural Networks
    • K-Nearest Neighbors (KNN)

    Deep Learning Architectures:

    • Convolutional Neural Networks (CNNs)
    • Multi-layer Perceptrons (MLPs)

    Dimensionality Reduction:

    • PCA (Principal Component Analysis)
    • t-SNE for visualization

    Usage Examples

    Loading the Dataset

    import pandas as pd
    
    # Load the dataset
    df = pd.read_csv('/kaggle/input/handwritten_digits_pixel_dataset/mnist.csv')
    
    # Separate features and labels
    X = df.drop('label', axis=1)
    y = df['label']
    
    # Normalize pixel values
    X_normalized = X / 255.0
    
  9. Rescaled Fashion-MNIST dataset

    • zenodo.org
    Updated Jun 27, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Andrzej Perzanowski; Andrzej Perzanowski; Tony Lindeberg; Tony Lindeberg (2025). Rescaled Fashion-MNIST dataset [Dataset]. http://doi.org/10.5281/zenodo.15187793
    Explore at:
    Dataset updated
    Jun 27, 2025
    Dataset provided by
    Zenodohttp://zenodo.org/
    Authors
    Andrzej Perzanowski; Andrzej Perzanowski; Tony Lindeberg; Tony Lindeberg
    Time period covered
    Apr 10, 2025
    Description

    Motivation

    The goal of introducing the Rescaled Fashion-MNIST dataset is to provide a dataset that contains scale variations (up to a factor of 4), to evaluate the ability of networks to generalise to scales not present in the training data.

    The Rescaled Fashion-MNIST dataset was introduced in the paper:

    [1] A. Perzanowski and T. Lindeberg (2025) "Scale generalisation properties of extended scale-covariant and scale-invariant Gaussian derivative networks on image datasets with spatial scaling variations”, Journal of Mathematical Imaging and Vision, 67(29), https://doi.org/10.1007/s10851-025-01245-x.

    with a pre-print available at arXiv:

    [2] Perzanowski and Lindeberg (2024) "Scale generalisation properties of extended scale-covariant and scale-invariant Gaussian derivative networks on image datasets with spatial scaling variations”, arXiv preprint arXiv:2409.11140.

    Importantly, the Rescaled Fashion-MNIST dataset is more challenging than the MNIST Large Scale dataset, introduced in:

    [3] Y. Jansson and T. Lindeberg (2022) "Scale-invariant scale-channel networks: Deep networks that generalise to previously unseen scales", Journal of Mathematical Imaging and Vision, 64(5): 506-536, https://doi.org/10.1007/s10851-022-01082-2.

    Access and rights

    The Rescaled Fashion-MNIST dataset is provided on the condition that you provide proper citation for the original Fashion-MNIST dataset:

    [4] Xiao, H., Rasul, K., and Vollgraf, R. (2017) “Fashion-MNIST: A novel image dataset for benchmarking machine learning algorithms”, arXiv preprint arXiv:1708.07747

    and also for this new rescaled version, using the reference [1] above.

    The data set is made available on request. If you would be interested in trying out this data set, please make a request in the system below, and we will grant you access as soon as possible.

    The dataset

    The Rescaled FashionMNIST dataset is generated by rescaling 28×28 gray-scale images of clothes from the original FashionMNIST dataset [4]. The scale variations are up to a factor of 4, and the images are embedded within black images of size 72x72, with the object in the frame always centred. The imresize() function in Matlab was used for the rescaling, with default anti-aliasing turned on, and bicubic interpolation overshoot removed by clipping to the [0, 255] range. The details of how the dataset was created can be found in [1].

    There are 10 different classes in the dataset: “T-shirt/top”, “trouser”, “pullover”, “dress”, “coat”, “sandal”, “shirt”, “sneaker”, “bag” and “ankle boot”. In the dataset, these are represented by integer labels in the range [0, 9].

    The dataset is split into 50 000 training samples, 10 000 validation samples and 10 000 testing samples. The training dataset is generated using the initial 50 000 samples from the original Fashion-MNIST training set. The validation dataset, on the other hand, is formed from the final 10 000 images of that same training set. For testing, all test datasets are built from the 10 000 images contained in the original Fashion-MNIST test set.

    The h5 files containing the dataset

    The training dataset file (~2.9 GB) for scale 1, which also contains the corresponding validation and test data for the same scale, is:

    fashionmnist_with_scale_variations_tr50000_vl10000_te10000_outsize72-72_scte1p000_scte1p000.h5

    Additionally, for the Rescaled FashionMNIST dataset, there are 9 datasets (~415 MB each) for testing scale generalisation at scales not present in the training set. Each of these datasets is rescaled using a different image scaling factor, 2k/4, with k being integers in the range [-4, 4]:

    fashionmnist_with_scale_variations_te10000_outsize72-72_scte0p500.h5
    fashionmnist_with_scale_variations_te10000_outsize72-72_scte0p595.h5
    fashionmnist_with_scale_variations_te10000_outsize72-72_scte0p707.h5
    fashionmnist_with_scale_variations_te10000_outsize72-72_scte0p841.h5
    fashionmnist_with_scale_variations_te10000_outsize72-72_scte1p000.h5
    fashionmnist_with_scale_variations_te10000_outsize72-72_scte1p189.h5
    fashionmnist_with_scale_variations_te10000_outsize72-72_scte1p414.h5
    fashionmnist_with_scale_variations_te10000_outsize72-72_scte1p682.h5
    fashionmnist_with_scale_variations_te10000_outsize72-72_scte2p000.h5

    These dataset files were used for the experiments presented in Figures 6, 7, 14, 16, 19 and 23 in [1].

    Instructions for loading the data set

    The datasets are saved in HDF5 format, with the partitions in the respective h5 files named as
    ('/x_train', '/x_val', '/x_test', '/y_train', '/y_test', '/y_val'); which ones exist depends on which data split is used.

    The training dataset can be loaded in Python as:

    with h5py.File(`

    x_train = np.array( f["/x_train"], dtype=np.float32)
    x_val = np.array( f["/x_val"], dtype=np.float32)
    x_test = np.array( f["/x_test"], dtype=np.float32)
    y_train = np.array( f["/y_train"], dtype=np.int32)
    y_val = np.array( f["/y_val"], dtype=np.int32)
    y_test = np.array( f["/y_test"], dtype=np.int32)

    We also need to permute the data, since Pytorch uses the format [num_samples, channels, width, height], while the data is saved as [num_samples, width, height, channels]:

    x_train = np.transpose(x_train, (0, 3, 1, 2))
    x_val = np.transpose(x_val, (0, 3, 1, 2))
    x_test = np.transpose(x_test, (0, 3, 1, 2))

    The test datasets can be loaded in Python as:

    with h5py.File(`

    x_test = np.array( f["/x_test"], dtype=np.float32)
    y_test = np.array( f["/y_test"], dtype=np.int32)

    The test datasets can be loaded in Matlab as:

    x_test = h5read(`

    The images are stored as [num_samples, x_dim, y_dim, channels] in HDF5 files. The pixel intensity values are not normalised, and are in a [0, 255] range.

    There is also a closely related Fashion-MNIST with translations dataset, which in addition to scaling variations also comprises spatial translations of the objects.

  10. MNIST-SVG

    • kaggle.com
    zip
    Updated Nov 15, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Jacek Pardyak (2023). MNIST-SVG [Dataset]. https://www.kaggle.com/datasets/jacekpardyak/mnist-svg
    Explore at:
    zip(6741429 bytes)Available download formats
    Dataset updated
    Nov 15, 2023
    Authors
    Jacek Pardyak
    License

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

    Description

    The MNIST.SVG collection was created using Potrace(TM) - a bitmap tracing tool. Tracing means transforming a bitmap into a smooth, scalable image.

    https://www.googleapis.com/download/storage/v1/b/kaggle-user-content/o/inbox%2F460920%2F7415fd4fa53063d6db28aa0340eb3580%2Foutput%20(40).svg?generation=1700249999366374&alt=media" alt="">

    https://www.googleapis.com/download/storage/v1/b/kaggle-user-content/o/inbox%2F460920%2Fbc6db1e3475c90ba0ab3f2be0adab726%2Foutput%20(27).svg?generation=1700078704492869&alt=media" alt="">

    For your convenience R and Python starters: - https://www.kaggle.com/code/jacekpardyak/r-starter - https://www.kaggle.com/code/jacekpardyak/python-starter

    Models trained on the data: - discriminative: https://www.kaggle.com/jacekpardyak/svg-image-classification-with-pointnet - generative: work in progress, any ideas ?

  11. T

    kmnist

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

    Kuzushiji-MNIST is a drop-in replacement for the MNIST dataset (28x28 grayscale, 70,000 images), provided in the original MNIST format as well as a NumPy format. Since MNIST restricts us to 10 classes, we chose one character to represent each of the 10 rows of Hiragana when creating Kuzushiji-MNIST.

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('kmnist', 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/kmnist-3.0.1.png" alt="Visualization" width="500px">

  12. MNIST IDX Dataset- Fasion

    • kaggle.com
    zip
    Updated May 21, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    ShreyaSuresh (2025). MNIST IDX Dataset- Fasion [Dataset]. https://www.kaggle.com/datasets/shreyasuresh0407/mnist-idx-dataset-fasion/discussion?sort=undefined
    Explore at:
    zip(31060414 bytes)Available download formats
    Dataset updated
    May 21, 2025
    Authors
    ShreyaSuresh
    Description

    📦 About the Dataset

    This project uses a classic machine learning dataset of handwritten digits — the MNIST dataset — stored in IDX format.

    🧠 Each image is a 28x28 pixel grayscale picture of a handwritten number from 0 to 9. Your task is to teach a simple neural network (your "brain") to recognize these digits.

    🔍 What’s Inside?

    File NameDescription
    train-images-idx3-ubyte🖼️ 60,000 training images (28x28 pixels each)
    train-labels-idx1-ubyte🔢 Labels (0–9) for each training image
    t10k-images-idx3-ubyte🖼️ 10,000 test images
    t10k-labels-idx1-ubyte🔢 Labels (0–9) for test images

    All files are in the IDX binary format, which is compact and fast for loading, but needs to be parsed using a small Python function (see below 👇).

    ###✨ Why This Dataset Is Awesome

    • 🎯 It's the “Hello World” of machine learning — perfect for beginners
    • 📊 Ideal for testing image classification algorithms
    • 🧠 Helps you learn how neural networks "see" numbers
    • 💥 Small enough to train quickly, powerful enough to learn real skills

    🧩 Sample Image

    (Add this cell below in your notebook to visualize a few images)

    import matplotlib.pyplot as plt
    
    # Show the first 10 images
    fig, axes = plt.subplots(1, 10, figsize=(15, 2))
    for i in range(10):
      axes[i].imshow(train_images[i][0], cmap="gray")
      axes[i].set_title(f"Label: {train_labels[i].item()}")
      axes[i].axis("off")
    plt.show()
    
  13. Large data files for 3011979 Python demo

    • figshare.com
    • datasetcatalog.nlm.nih.gov
    zip
    Updated Dec 1, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Sira Sriswasdi (2023). Large data files for 3011979 Python demo [Dataset]. http://doi.org/10.6084/m9.figshare.24710238.v1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Dec 1, 2023
    Dataset provided by
    Figsharehttp://figshare.com/
    figshare
    Authors
    Sira Sriswasdi
    License

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

    Description

    These are demo data files used to teach machine learning with Python in 3011979 course at Chulalongkorn University in Spring 2021 and Spring 2022

  14. T

    emnist

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

    The EMNIST dataset is a set of handwritten character digits derived from the NIST Special Database 19 and converted to a 28x28 pixel image format and dataset structure that directly matches the MNIST dataset.

    Note: Like the original EMNIST data, images provided here are inverted horizontally and rotated 90 anti-clockwise. You can use tf.transpose within ds.map to convert the images to a human-friendlier format.

    To use this dataset:

    import tensorflow_datasets as tfds
    
    ds = tfds.load('emnist', 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/emnist-byclass-3.1.0.png" alt="Visualization" width="500px">

  15. h

    audio-MNIST

    • huggingface.co
    Updated Oct 6, 2024
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Shi Qundong (2024). audio-MNIST [Dataset]. https://huggingface.co/datasets/TwinkStart/audio-MNIST
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Oct 6, 2024
    Authors
    Shi Qundong
    Description

    This dataset only contains test data, which is integrated into UltraEval-Audio(https://github.com/OpenBMB/UltraEval-Audio) framework.

    python audio_evals/main.py --dataset audio-MNIST --model gpt4o_audio

      🚀超凡体验,尽在UltraEval-Audio🚀
    

    UltraEval-Audio——全球首个同时支持语音理解和语音生成评估的开源框架,专为语音大模型评估打造,集合了34项权威Benchmark,覆盖语音、声音、医疗及音乐四大领域,支持十种语言,涵盖十二类任务。选择UltraEval-Audio,您将体验到前所未有的便捷与高效:

    一键式基准管理 📥:告别繁琐的手动下载与数据处理,UltraEval-Audio为您自动化完成这一切,轻松获取所需基准测试数据。 内置评估利器… See the full description on the dataset page: https://huggingface.co/datasets/TwinkStart/audio-MNIST.

  16. MNIST Extended Dataset

    • kaggle.com
    zip
    Updated Jun 29, 2020
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Palash Agrawal (2020). MNIST Extended Dataset [Dataset]. https://www.kaggle.com/palashiitk/mnist-extended-dataset
    Explore at:
    zip(22579425 bytes)Available download formats
    Dataset updated
    Jun 29, 2020
    Authors
    Palash Agrawal
    Description

    Context

    The MNIST Data set consists 60,000 images. The Digit Recognizer Challenge in Kaggle consist of 42000 images in training . For each image in the training set, I have created four shifted copies ( one per direction ).

    That makes it 42000 * 5 = 210000 images in this dataset. Using this extended dataset, you will find that your model performs even better.

    Content

    Each image is 28 pixels in height and 28 pixels in width, for a total of 784 pixels in total. Each pixel has a single pixel-value associated with it, indicating the lightness or darkness of that pixel, with higher numbers meaning darker. This pixel-value is an integer between 0 and 255, inclusive.

    Each pixel column in the training set has a name like pixelx, where x is an integer between 0 and 783, inclusive. To locate this pixel on the image, suppose that we have decomposed x as x = i * 28 + j, where i and j are integers between 0 and 27, inclusive. Then pixelx is located on row i and column j of a 28 x 28 matrix, (indexing by zero).

    Inspiration

    Got the idea to extend the data set from the the book "Hands on machine learing with scikit-learn and Tensorflow" The python script I wrote, to do the task would have taken a very long time as such, therefore used multiprocessing to accomplish the task.

  17. MNIST digits RandomForest solver

    • kaggle.com
    zip
    Updated Mar 12, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Carl McBride Ellis (2022). MNIST digits RandomForest solver [Dataset]. https://www.kaggle.com/datasets/carlmcbrideellis/mnist-digits-randomforest-solver/discussion
    Explore at:
    zip(17610780 bytes)Available download formats
    Dataset updated
    Mar 12, 2022
    Authors
    Carl McBride Ellis
    License

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

    Description

    This is a model to take an image form the MNIST database of handwritten digits (Yann LeCun, Corinna Cortes, and Christopher J. C. Burges) and return its class.

    See also the notebook "MNIST digits RandomForest solver: Usage example".

    The model requires the image to be input as a numpy array of shape (1, 784).

    This file is a serialized Python object structure in the pickle data format.

  18. GNN code using the MNIST database and graphene-enhanced hBN

    • figshare.com
    json
    Updated Aug 27, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Esther Hernandez; José Manuel Nápoles-Duarte; Pedro Palomares-Baez (2025). GNN code using the MNIST database and graphene-enhanced hBN [Dataset]. http://doi.org/10.6084/m9.figshare.29983291.v1
    Explore at:
    jsonAvailable download formats
    Dataset updated
    Aug 27, 2025
    Dataset provided by
    Figsharehttp://figshare.com/
    figshare
    Authors
    Esther Hernandez; José Manuel Nápoles-Duarte; Pedro Palomares-Baez
    License

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

    Description

    CNN mejorado

  19. Georgian Handwritten Letters Dataset

    • kaggle.com
    zip
    Updated Jan 2, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Nick Kipshidze (2025). Georgian Handwritten Letters Dataset [Dataset]. https://www.kaggle.com/datasets/kipshidze/georgian-handwritten-letters-dataset
    Explore at:
    zip(160833 bytes)Available download formats
    Dataset updated
    Jan 2, 2025
    Authors
    Nick Kipshidze
    License

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

    Description

    Georgian Handwritten Letters Dataset

    This dataset contains 1,640 images of handwritten Georgian letters. Each image is 28x28 pixels, in grayscale. The dataset is designed to facilitate classification tasks for machine learning models.

    Dataset Structure

    • data: A NumPy array of shape (1640, 28, 28) containing the grayscale images, with pixel values normalized to the range [0, 1].
    • labels: A NumPy array of shape (1640,) containing the labels (integers from 1 to 33 corresponding to Georgian letters).

    How to Load

    You can load the dataset using the following code:

    import numpy as np
    
    # Load the dataset
    dataset = np.load("georgian_letters_dataset.npz")
    
    # Access images and labels
    images = dataset["data"]
    labels = dataset["labels"]
    
    print(images.shape) # (1640, 28, 28)
    print(labels.shape) # (1640,)
    
  20. Z

    [MedMNIST+] 18x Standardized Datasets for 2D and 3D Biomedical Image...

    • data.niaid.nih.gov
    Updated Nov 28, 2024
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Jiancheng Yang; Rui Shi; Donglai Wei; Zequan Liu; Lin Zhao; Bilian Ke; Hanspeter Pfister; Bingbing Ni (2024). [MedMNIST+] 18x Standardized Datasets for 2D and 3D Biomedical Image Classification with Multiple Size Options: 28 (MNIST-Like), 64, 128, and 224 [Dataset]. https://data.niaid.nih.gov/resources?id=zenodo_5208229
    Explore at:
    Dataset updated
    Nov 28, 2024
    Dataset provided by
    RWTH Aachen University
    Zhongshan Hospital Affiliated to Fudan University
    Shanghai Jiao Tong University
    Harvard University
    Shanghai General Hospital, Shanghai Jiao Tong University School of Medicine
    Authors
    Jiancheng Yang; Rui Shi; Donglai Wei; Zequan Liu; Lin Zhao; Bilian Ke; Hanspeter Pfister; Bingbing Ni
    License

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

    Description

    Code [GitHub] | Publication [Nature Scientific Data'23 / ISBI'21] | Preprint [arXiv]

    Abstract

    We introduce MedMNIST, a large-scale MNIST-like collection of standardized biomedical images, including 12 datasets for 2D and 6 datasets for 3D. All images are pre-processed into 28x28 (2D) or 28x28x28 (3D) with the corresponding classification labels, so that no background knowledge is required for users. Covering primary data modalities in biomedical images, MedMNIST is designed to perform classification on lightweight 2D and 3D images with various data scales (from 100 to 100,000) and diverse tasks (binary/multi-class, ordinal regression and multi-label). The resulting dataset, consisting of approximately 708K 2D images and 10K 3D images in total, could support numerous research and educational purposes in biomedical image analysis, computer vision and machine learning. We benchmark several baseline methods on MedMNIST, including 2D / 3D neural networks and open-source / commercial AutoML tools. The data and code are publicly available at https://medmnist.com/.

    Disclaimer: The only official distribution link for the MedMNIST dataset is Zenodo. We kindly request users to refer to this original dataset link for accurate and up-to-date data.

    Update: We are thrilled to release MedMNIST+ with larger sizes: 64x64, 128x128, and 224x224 for 2D, and 64x64x64 for 3D. As a complement to the previous 28-size MedMNIST, the large-size version could serve as a standardized benchmark for medical foundation models. Install the latest API to try it out!

    Python Usage

    We recommend our official code to download, parse and use the MedMNIST dataset:

    % pip install medmnist% python

    To use the standard 28-size (MNIST-like) version utilizing the downloaded files:

    from medmnist import PathMNIST

    train_dataset = PathMNIST(split="train")

    To enable automatic downloading by setting download=True:

    from medmnist import NoduleMNIST3D

    val_dataset = NoduleMNIST3D(split="val", download=True)

    Alternatively, you can access MedMNIST+ with larger image sizes by specifying the size parameter:

    from medmnist import ChestMNIST

    test_dataset = ChestMNIST(split="test", download=True, size=224)

    Citation

    If you find this project useful, please cite both v1 and v2 paper as:

    Jiancheng Yang, Rui Shi, Donglai Wei, Zequan Liu, Lin Zhao, Bilian Ke, Hanspeter Pfister, Bingbing Ni. Yang, Jiancheng, et al. "MedMNIST v2-A large-scale lightweight benchmark for 2D and 3D biomedical image classification." Scientific Data, 2023.

    Jiancheng Yang, Rui Shi, Bingbing Ni. "MedMNIST Classification Decathlon: A Lightweight AutoML Benchmark for Medical Image Analysis". IEEE 18th International Symposium on Biomedical Imaging (ISBI), 2021.

    or using bibtex:

    @article{medmnistv2, title={MedMNIST v2-A large-scale lightweight benchmark for 2D and 3D biomedical image classification}, author={Yang, Jiancheng and Shi, Rui and Wei, Donglai and Liu, Zequan and Zhao, Lin and Ke, Bilian and Pfister, Hanspeter and Ni, Bingbing}, journal={Scientific Data}, volume={10}, number={1}, pages={41}, year={2023}, publisher={Nature Publishing Group UK London} }

    @inproceedings{medmnistv1, title={MedMNIST Classification Decathlon: A Lightweight AutoML Benchmark for Medical Image Analysis}, author={Yang, Jiancheng and Shi, Rui and Ni, Bingbing}, booktitle={IEEE 18th International Symposium on Biomedical Imaging (ISBI)}, pages={191--195}, year={2021} }

    Please also cite the corresponding paper(s) of source data if you use any subset of MedMNIST as per the description on the project website.

    License

    The MedMNIST dataset is licensed under Creative Commons Attribution 4.0 International (CC BY 4.0), except DermaMNIST under Creative Commons Attribution-NonCommercial 4.0 International (CC BY-NC 4.0).

    The code is under Apache-2.0 License.

    Changelog

    v3.0 (this repository): Released MedMNIST+ featuring larger sizes: 64x64, 128x128, and 224x224 for 2D, and 64x64x64 for 3D.

    v2.2: Removed a small number of mistakenly included blank samples in OrganAMNIST, OrganCMNIST, OrganSMNIST, OrganMNIST3D, and VesselMNIST3D.

    v2.1: Addressed an issue in the NoduleMNIST3D file (i.e., nodulemnist3d.npz). Further details can be found in this issue.

    v2.0: Launched the initial repository of MedMNIST v2, adding 6 datasets for 3D and 2 for 2D.

    v1.0: Established the initial repository (in a separate repository) of MedMNIST v1, featuring 10 datasets for 2D.

    Note: This dataset is NOT intended for clinical use.

Share
FacebookFacebook
TwitterTwitter
Email
Click to copy link
Link copied
Close
Cite
Hojjat Khodabakhsh (2019). MNIST Dataset [Dataset]. https://www.kaggle.com/datasets/hojjatk/mnist-dataset
Organization logo

MNIST Dataset

The MNIST database of handwritten digits (http://yann.lecun.com)

Explore at:
124 scholarly articles cite this dataset (View in Google Scholar)
zip(23112702 bytes)Available download formats
Dataset updated
Jan 8, 2019
Authors
Hojjat Khodabakhsh
Description

Context

MNIST is a subset of a larger set available from NIST (it's copied from http://yann.lecun.com/exdb/mnist/)

Content

The MNIST database of handwritten digits has a training set of 60,000 examples, and a test set of 10,000 examples. . Four files are available:

  • train-images-idx3-ubyte.gz: training set images (9912422 bytes)
  • train-labels-idx1-ubyte.gz: training set labels (28881 bytes)
  • t10k-images-idx3-ubyte.gz: test set images (1648877 bytes)
  • t10k-labels-idx1-ubyte.gz: test set labels (4542 bytes)

How to read

See sample MNIST reader

Acknowledgements

  • Yann LeCun, Courant Institute, NYU
  • Corinna Cortes, Google Labs, New York
  • Christopher J.C. Burges, Microsoft Research, Redmond

Inspiration

Many methods have been tested with this training set and test set (see http://yann.lecun.com/exdb/mnist/ for more details)

Search
Clear search
Close search
Google apps
Main menu