9 datasets found
  1. h

    tiny-imagenet

    • huggingface.co
    • datasets.activeloop.ai
    Updated Aug 12, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Hao Zheng (2022). tiny-imagenet [Dataset]. https://huggingface.co/datasets/zh-plus/tiny-imagenet
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Aug 12, 2022
    Authors
    Hao Zheng
    License

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

    Description

    Dataset Card for tiny-imagenet

      Dataset Summary
    

    Tiny ImageNet contains 100000 images of 200 classes (500 for each class) downsized to 64×64 colored images. Each class has 500 training images, 50 validation images, and 50 test images.

      Languages
    

    The class labels in the dataset are in English.

      Dataset Structure
    
    
    
    
    
      Data Instances
    

    { 'image': <PIL.JpegImagePlugin.JpegImageFile image mode=RGB size=64x64 at 0x1A800E8E190, 'label': 15 }… See the full description on the dataset page: https://huggingface.co/datasets/zh-plus/tiny-imagenet.

  2. P

    Data from: ImageNet Dataset

    • paperswithcode.com
    Updated Apr 15, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Jia Deng; Wei Dong; Richard Socher; Li-Jia Li; Kai Li; Fei-Fei Li (2021). ImageNet Dataset [Dataset]. https://paperswithcode.com/dataset/imagenet
    Explore at:
    Dataset updated
    Apr 15, 2024
    Authors
    Jia Deng; Wei Dong; Richard Socher; Li-Jia Li; Kai Li; Fei-Fei Li
    Description

    The ImageNet dataset contains 14,197,122 annotated images according to the WordNet hierarchy. Since 2010 the dataset is used in the ImageNet Large Scale Visual Recognition Challenge (ILSVRC), a benchmark in image classification and object detection. The publicly released dataset contains a set of manually annotated training images. A set of test images is also released, with the manual annotations withheld. ILSVRC annotations fall into one of two categories: (1) image-level annotation of a binary label for the presence or absence of an object class in the image, e.g., “there are cars in this image” but “there are no tigers,” and (2) object-level annotation of a tight bounding box and class label around an object instance in the image, e.g., “there is a screwdriver centered at position (20,25) with width of 50 pixels and height of 30 pixels”. The ImageNet project does not own the copyright of the images, therefore only thumbnails and URLs of images are provided.

    Total number of non-empty WordNet synsets: 21841 Total number of images: 14197122 Number of images with bounding box annotations: 1,034,908 Number of synsets with SIFT features: 1000 Number of images with SIFT features: 1.2 million

  3. h

    imagenet-w21-wds

    • huggingface.co
    Updated Nov 21, 2024
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    PyTorch Image Models (2024). imagenet-w21-wds [Dataset]. https://huggingface.co/datasets/timm/imagenet-w21-wds
    Explore at:
    Dataset updated
    Nov 21, 2024
    Dataset authored and provided by
    PyTorch Image Models
    License

    https://choosealicense.com/licenses/other/https://choosealicense.com/licenses/other/

    Description

    Dataset Summary

    This is a copy of the full Winter21 release of ImageNet in webdataset tar format with JPEG images. This release consists of 19167 classes, 2674 fewer classes than the original 21841 class Fall11 release of the full ImageNet. The classes were removed due to these concerns: https://www.image-net.org/update-sep-17-2019.php

      Data Splits
    

    The full ImageNet dataset has no defined splits. This release follows that and leaves everything in the train split.… See the full description on the dataset page: https://huggingface.co/datasets/timm/imagenet-w21-wds.

  4. P

    mini-Imagenet Dataset

    • paperswithcode.com
    Updated Sep 3, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Oriol Vinyals; Charles Blundell; Timothy Lillicrap; Koray Kavukcuoglu; Daan Wierstra (2022). mini-Imagenet Dataset [Dataset]. https://paperswithcode.com/dataset/mini-imagenet
    Explore at:
    Dataset updated
    Sep 3, 2022
    Authors
    Oriol Vinyals; Charles Blundell; Timothy Lillicrap; Koray Kavukcuoglu; Daan Wierstra
    Description

    mini-Imagenet is proposed by Matching Networks for One Shot Learning . In NeurIPS, 2016. This dataset consists of 50000 training images and 10000 testing images, evenly distributed across 100 classes.

  5. h

    imagenet1k_classes

    • huggingface.co
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Taha Bouhsine, imagenet1k_classes [Dataset]. https://huggingface.co/datasets/mlnomad/imagenet1k_classes
    Explore at:
    Authors
    Taha Bouhsine
    License

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

    Description

    ImageNet-1k Individual Class Datasets Hub

    This dataset serves as a central hub and index for the 1,000 individual class datasets derived from the original imagenet-1k dataset. Each class has been separated into its own repository for easy access and analysis. This repository does not contain any images itself. Instead, it provides a class_mapping.csv file that maps each class ID and name to its corresponding dataset repository on the Hugging Face Hub.

      How to Use
    

    The… See the full description on the dataset page: https://huggingface.co/datasets/mlnomad/imagenet1k_classes.

  6. Z

    ImageNet16: Small scale ImageNet Classification

    • data.niaid.nih.gov
    Updated Jul 23, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Christos Kyrkou (2024). ImageNet16: Small scale ImageNet Classification [Dataset]. https://data.niaid.nih.gov/resources?id=zenodo_8027519
    Explore at:
    Dataset updated
    Jul 23, 2024
    Dataset authored and provided by
    Christos Kyrkou
    License

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

    Description

    This is a subset of ImageNet called "ImageNet16" more suited for cases with limited computational budget and faster experimentation.

    Each class has 400 train images and 100 test images.

    • Credit also goes to original creators that constructed the dataset. Unfortunately, I was not able to relocated it online so I reupload it here.

    If used in your work please cite as follows:

    C. Kyrkou, "Toward Efficient Convolutional Neural Networks With Structured Ternary Patterns," in IEEE Transactions on Neural Networks and Learning Systems, doi: 10.1109/TNNLS.2024.3380827.

    The classes corresponding to imagenet1K:

    • n02009912 American_egret

    • n02113624 toy_poodle

    • n02123597 Siamese_cat

    • n02132136 brown_bear

    • n02504458 African_elephant

    • n02690373 airliner

    • n02835271 bicycle-built-for-two

    • n02951358 canoe

    • n03041632 cleaver

    • n03085013 computer_keyboard

    • n03196217 digital_clock

    • n03977966 police_van

    • n04099969 rocking_chair

    • n04111531 rotisserie

    • n04285008 sports_car

    • n04591713 wine_bottle

    From original map.txt

    knife = n03041632

    keyboard = n03085013

    elephant = n02504458

    bicycle = n02835271

    airplane = n02690373

    clock = n03196217

    oven = n04111531

    chair = n04099969

    bear = n02132136

    boat = n02951358

    cat = n02123597

    bottle = n04591713

    truck = n03977966

    car = n04285008

    bird = n02009912

    dog = n02113624

    Folder Structure

    -

    --

     --- .JPEG
    
     --- .JPEG
    
     --- ....
    

    --

    --...

    -

    --

     --- .JPEG
    
     --- .JPEG
    
     --- ....
    

    --

    --...

    Some preliminary results:

    Model Name Accuracy (Top-1)

    VGG16 85.3

    ResNet50 88.2

    MobileNetV2 91.0

    EfficientNet B0 85.6

    Massive Credit to original ImageNet authors[1] Olga Russakovsky, Jia Deng, Hao Su, Jonathan Krause, Sanjeev Satheesh, Sean Ma, Zhiheng Huang, Andrej Karpathy, Aditya Khosla, Michael Bernstein, Alexander C. Berg and Li Fei-Fei.ImageNet Large Scale Visual Recognition Challenge. IJCV, 2015

  7. f

    Details of the pre-trained models of ImageNet.

    • figshare.com
    xls
    Updated Mar 11, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Laith Alzubaidi; Asma Salhi; Mohammed A.Fadhel; Jinshuai Bai; Freek Hollman; Kristine Italia; Roberto Pareyon; A. S. Albahri; Chun Ouyang; Jose Santamaría; Kenneth Cutbush; Ashish Gupta; Amin Abbosh; Yuantong Gu (2024). Details of the pre-trained models of ImageNet. [Dataset]. http://doi.org/10.1371/journal.pone.0299545.t003
    Explore at:
    xlsAvailable download formats
    Dataset updated
    Mar 11, 2024
    Dataset provided by
    PLOS ONE
    Authors
    Laith Alzubaidi; Asma Salhi; Mohammed A.Fadhel; Jinshuai Bai; Freek Hollman; Kristine Italia; Roberto Pareyon; A. S. Albahri; Chun Ouyang; Jose Santamaría; Kenneth Cutbush; Ashish Gupta; Amin Abbosh; Yuantong Gu
    License

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

    Description

    Musculoskeletal conditions affect an estimated 1.7 billion people worldwide, causing intense pain and disability. These conditions lead to 30 million emergency room visits yearly, and the numbers are only increasing. However, diagnosing musculoskeletal issues can be challenging, especially in emergencies where quick decisions are necessary. Deep learning (DL) has shown promise in various medical applications. However, previous methods had poor performance and a lack of transparency in detecting shoulder abnormalities on X-ray images due to a lack of training data and better representation of features. This often resulted in overfitting, poor generalisation, and potential bias in decision-making. To address these issues, a new trustworthy DL framework has been proposed to detect shoulder abnormalities (such as fractures, deformities, and arthritis) using X-ray images. The framework consists of two parts: same-domain transfer learning (TL) to mitigate imageNet mismatch and feature fusion to reduce error rates and improve trust in the final result. Same-domain TL involves training pre-trained models on a large number of labelled X-ray images from various body parts and fine-tuning them on the target dataset of shoulder X-ray images. Feature fusion combines the extracted features with seven DL models to train several ML classifiers. The proposed framework achieved an excellent accuracy rate of 99.2%, F1Score of 99.2%, and Cohen’s kappa of 98.5%. Furthermore, the accuracy of the results was validated using three visualisation tools, including gradient-based class activation heat map (Grad CAM), activation visualisation, and locally interpretable model-independent explanations (LIME). The proposed framework outperformed previous DL methods and three orthopaedic surgeons invited to classify the test set, who obtained an average accuracy of 79.1%. The proposed framework has proven effective and robust, improving generalisation and increasing trust in the final results.

  8. Data from: label-files

    • huggingface.co
    Updated Dec 23, 2021
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Hugging Face (2021). label-files [Dataset]. https://huggingface.co/datasets/huggingface/label-files
    Explore at:
    Dataset updated
    Dec 23, 2021
    Dataset authored and provided by
    Hugging Facehttps://huggingface.co/
    Description

    This repository contains the mapping from integer id's to actual label names (in HuggingFace Transformers typically called id2label) for several datasets. Current datasets include:

    ImageNet-1k ImageNet-22k (also called ImageNet-21k as there are 21,843 classes) COCO detection 2017 COCO panoptic 2017 ADE20k (actually, the MIT Scene Parsing benchmark, which is a subset of ADE20k) Cityscapes VQAv2 Kinetics-700 RVL-CDIP PASCAL VOC Kinetics-400 ...

    You can read in a label file as follows (using… See the full description on the dataset page: https://huggingface.co/datasets/huggingface/label-files.

  9. f

    Number of images of the MURA dataset.

    • plos.figshare.com
    xls
    Updated Mar 11, 2024
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Laith Alzubaidi; Asma Salhi; Mohammed A.Fadhel; Jinshuai Bai; Freek Hollman; Kristine Italia; Roberto Pareyon; A. S. Albahri; Chun Ouyang; Jose Santamaría; Kenneth Cutbush; Ashish Gupta; Amin Abbosh; Yuantong Gu (2024). Number of images of the MURA dataset. [Dataset]. http://doi.org/10.1371/journal.pone.0299545.t002
    Explore at:
    xlsAvailable download formats
    Dataset updated
    Mar 11, 2024
    Dataset provided by
    PLOS ONE
    Authors
    Laith Alzubaidi; Asma Salhi; Mohammed A.Fadhel; Jinshuai Bai; Freek Hollman; Kristine Italia; Roberto Pareyon; A. S. Albahri; Chun Ouyang; Jose Santamaría; Kenneth Cutbush; Ashish Gupta; Amin Abbosh; Yuantong Gu
    License

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

    Description

    Musculoskeletal conditions affect an estimated 1.7 billion people worldwide, causing intense pain and disability. These conditions lead to 30 million emergency room visits yearly, and the numbers are only increasing. However, diagnosing musculoskeletal issues can be challenging, especially in emergencies where quick decisions are necessary. Deep learning (DL) has shown promise in various medical applications. However, previous methods had poor performance and a lack of transparency in detecting shoulder abnormalities on X-ray images due to a lack of training data and better representation of features. This often resulted in overfitting, poor generalisation, and potential bias in decision-making. To address these issues, a new trustworthy DL framework has been proposed to detect shoulder abnormalities (such as fractures, deformities, and arthritis) using X-ray images. The framework consists of two parts: same-domain transfer learning (TL) to mitigate imageNet mismatch and feature fusion to reduce error rates and improve trust in the final result. Same-domain TL involves training pre-trained models on a large number of labelled X-ray images from various body parts and fine-tuning them on the target dataset of shoulder X-ray images. Feature fusion combines the extracted features with seven DL models to train several ML classifiers. The proposed framework achieved an excellent accuracy rate of 99.2%, F1Score of 99.2%, and Cohen’s kappa of 98.5%. Furthermore, the accuracy of the results was validated using three visualisation tools, including gradient-based class activation heat map (Grad CAM), activation visualisation, and locally interpretable model-independent explanations (LIME). The proposed framework outperformed previous DL methods and three orthopaedic surgeons invited to classify the test set, who obtained an average accuracy of 79.1%. The proposed framework has proven effective and robust, improving generalisation and increasing trust in the final results.

  10. Not seeing a result you expected?
    Learn how you can add new datasets to our index.

Share
FacebookFacebook
TwitterTwitter
Email
Click to copy link
Link copied
Close
Cite
Hao Zheng (2022). tiny-imagenet [Dataset]. https://huggingface.co/datasets/zh-plus/tiny-imagenet

tiny-imagenet

Tiny-ImageNet

zh-plus/tiny-imagenet

Explore at:
11 scholarly articles cite this dataset (View in Google Scholar)
CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
Dataset updated
Aug 12, 2022
Authors
Hao Zheng
License

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

Description

Dataset Card for tiny-imagenet

  Dataset Summary

Tiny ImageNet contains 100000 images of 200 classes (500 for each class) downsized to 64×64 colored images. Each class has 500 training images, 50 validation images, and 50 test images.

  Languages

The class labels in the dataset are in English.

  Dataset Structure





  Data Instances

{ 'image': <PIL.JpegImagePlugin.JpegImageFile image mode=RGB size=64x64 at 0x1A800E8E190, 'label': 15 }… See the full description on the dataset page: https://huggingface.co/datasets/zh-plus/tiny-imagenet.

Search
Clear search
Close search
Google apps
Main menu