100+ datasets found
  1. R

    Training Yolo Model Using Golf Course For Grass Damages Dataset

    • universe.roboflow.com
    zip
    Updated May 15, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    golf course data (2025). Training Yolo Model Using Golf Course For Grass Damages Dataset [Dataset]. https://universe.roboflow.com/golf-course-data/training-yolo-model-using-golf-course-dataset-for-grass-damages
    Explore at:
    zipAvailable download formats
    Dataset updated
    May 15, 2025
    Dataset authored and provided by
    golf course data
    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

    Training YOLO Model Using Golf Course Dataset For Grass Damages

    ## Overview
    
    Training YOLO Model Using Golf Course Dataset For Grass Damages is a dataset for object detection tasks - it contains Objects annotations for 1,178 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).
    
  2. P

    Paimon Dataset YOLO Detection Dataset

    • paperswithcode.com
    • gts.ai
    Updated Dec 3, 2024
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2024). Paimon Dataset YOLO Detection Dataset [Dataset]. https://paperswithcode.com/dataset/paimon-dataset-yolo-detection
    Explore at:
    Dataset updated
    Dec 3, 2024
    Description

    Description:

    👉 Download the dataset here

    This dataset consists of a diverse collection of images featuring Paimon, a popular character from the game Genshin Impact. The images have been sourced from in-game gameplay footage and capture Paimon from various angles and in different sizes (scales), making the dataset suitable for training YOLO object detection models.

    The dataset provides a comprehensive view of Paimon in different lighting conditions, game environments, and positions, ensuring the model can generalize well to similar characters or object detection tasks. While most annotations are accurately labeled, a small number of annotations may include minor inaccuracies due to manual labeling errors. This is ideal for researchers and developers working on character recognition, object detection in gaming environments, or other AI vision tasks.

    Download Dataset

    Dataset Features:

    Image Format: .jpg files in 640×320 resolution.

    Annotation Format: .txt files in YOLO format, containing bounding box data with:

    class_id

    x_center

    y_center

    width

    height

    Use Cases:

    Character Detection in Games: Train YOLO models to detect and identify in-game characters or NPCs.

    Gaming Analytics: Improve recognition of specific game elements for AI-powered game analytics tools.

    Research: Contribute to academic research focused on object detection or computer vision in animated and gaming environments.

    Data Structure:

    Images: High-quality .jpg images captured from multiple perspectives, ensuring robust model training across various orientations and lighting scenarios.

    Annotations: Each image has an associated .txt file that follows the YOLO format. The annotations are structured to include class identification, object location (center coordinates), and

    bounding box dimensions.

    Key Advantages:

    Varied Angles and Scales: The dataset includes Paimon from multiple perspectives, aiding in creating more versatile and adaptable object detection models.

    Real-World Scenario: Extracted from actual gameplay footage, the dataset simulates real-world detection challenges such as varying backgrounds, motion blur, and changing character scales.

    Training Ready: Suitable for training YOLO models and other deep learning frameworks that require object detection capabilities.

    This dataset is sourced from Kaggle.

  3. R

    Custom Yolov7 On Kaggle On Custom Dataset

    • universe.roboflow.com
    zip
    Updated Jan 29, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Owais Ahmad (2023). Custom Yolov7 On Kaggle On Custom Dataset [Dataset]. https://universe.roboflow.com/owais-ahmad/custom-yolov7-on-kaggle-on-custom-dataset-rakiq/dataset/2
    Explore at:
    zipAvailable download formats
    Dataset updated
    Jan 29, 2023
    Dataset authored and provided by
    Owais Ahmad
    License

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

    Variables measured
    Person Car Bounding Boxes
    Description

    Custom Training with YOLOv7 🔥

    Some Important links

    Contact Information

    Objective

    To Showcase custom Object Detection on the Given Dataset to train and Infer the Model using newly launched YoloV7.

    Data Acquisition

    The goal of this task is to train a model that can localize and classify each instance of Person and Car as accurately as possible.

    from IPython.display import Markdown, display
    
    display(Markdown("../input/Car-Person-v2-Roboflow/README.roboflow.txt"))
    

    Custom Training with YOLOv7 🔥

    In this Notebook, I have processed the images with RoboFlow because in COCO formatted dataset was having different dimensions of image and Also data set was not splitted into different Format. To train a custom YOLOv7 model we need to recognize the objects in the dataset. To do so I have taken the following steps:

    • Export the dataset to YOLOv7
    • Train YOLOv7 to recognize the objects in our dataset
    • Evaluate our YOLOv7 model's performance
    • Run test inference to view performance of YOLOv7 model at work

    📦 YOLOv7

    https://raw.githubusercontent.com/Owaiskhan9654/Yolo-V7-Custom-Dataset-Train-on-Kaggle/main/car-person-2.PNG" width=800>

    Image Credit - jinfagang

    Step 1: Install Requirements

    !git clone https://github.com/WongKinYiu/yolov7 # Downloading YOLOv7 repository and installing requirements
    %cd yolov7
    !pip install -qr requirements.txt
    !pip install -q roboflow
    

    Downloading YOLOV7 starting checkpoint

    !wget "https://github.com/WongKinYiu/yolov7/releases/download/v0.1/yolov7.pt"
    
    import os
    import glob
    import wandb
    import torch
    from roboflow import Roboflow
    from kaggle_secrets import UserSecretsClient
    from IPython.display import Image, clear_output, display # to display images
    
    
    
    print(f"Setup complete. Using torch {torch._version_} ({torch.cuda.get_device_properties(0).name if torch.cuda.is_available() else 'CPU'})")
    

    https://camo.githubusercontent.com/dd842f7b0be57140e68b2ab9cb007992acd131c48284eaf6b1aca758bfea358b/68747470733a2f2f692e696d6775722e636f6d2f52557469567a482e706e67">

    I will be integrating W&B for visualizations and logging artifacts and comparisons of different models!

    YOLOv7-Car-Person-Custom

    try:
      user_secrets = UserSecretsClient()
      wandb_api_key = user_secrets.get_secret("wandb_api")
      wandb.login(key=wandb_api_key)
      anonymous = None
    except:
      wandb.login(anonymous='must')
      print('To use your W&B account,
    Go to Add-ons -> Secrets and provide your W&B access token. Use the Label name as WANDB. 
    Get your W&B access token from here: https://wandb.ai/authorize')
      
      
      
    wandb.init(project="YOLOvR",name=f"7. YOLOv7-Car-Person-Custom-Run-7")
    

    Step 2: Assemble Our Dataset

    https://uploads-ssl.webflow.com/5f6bc60e665f54545a1e52a5/615627e5824c9c6195abfda9_computer-vision-cycle.png" alt="">

    In order to train our custom model, we need to assemble a dataset of representative images with bounding box annotations around the objects that we want to detect. And we need our dataset to be in YOLOv7 format.

    In Roboflow, We can choose between two paths:

    Version v2 Aug 12, 2022 Looks like this.

    https://raw.githubusercontent.com/Owaiskhan9654/Yolo-V7-Custom-Dataset-Train-on-Kaggle/main/Roboflow.PNG" alt="">

    user_secrets = UserSecretsClient()
    roboflow_api_key = user_secrets.get_secret("roboflow_api")
    
    rf = Roboflow(api_key=roboflow_api_key)
    project = rf.workspace("owais-ahmad").project("custom-yolov7-on-kaggle-on-custom-dataset-rakiq")
    dataset = project.version(2).download("yolov7")
    

    Step 3: Training Custom pretrained YOLOv7 model

    Here, I am able to pass a number of arguments: - img: define input image size - batch: determine

  4. R

    Training Model Dataset

    • universe.roboflow.com
    zip
    Updated Jan 23, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Pack (2025). Training Model Dataset [Dataset]. https://universe.roboflow.com/pack-cj2am/training-model-4kvbq/model/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Jan 23, 2025
    Dataset authored and provided by
    Pack
    License

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

    Variables measured
    Fruits Bounding Boxes
    Description

    Training Model

    ## Overview
    
    Training Model is a dataset for object detection tasks - it contains Fruits annotations for 456 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. d

    Fish Detection AI, Optic and Sonar-trained Object Detection Models

    • catalog.data.gov
    • data.openei.org
    • +1more
    Updated May 22, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Water Power Technology Office (2025). Fish Detection AI, Optic and Sonar-trained Object Detection Models [Dataset]. https://catalog.data.gov/dataset/fish-detection-ai-optic-and-sonar-trained-object-detection-models
    Explore at:
    Dataset updated
    May 22, 2025
    Dataset provided by
    Water Power Technology Office
    Description

    The Fish Detection AI project aims to improve the efficiency of fish monitoring around marine energy facilities to comply with regulatory requirements. Despite advancements in computer vision, there is limited focus on sonar images, identifying small fish with unlabeled data, and methods for underwater fish monitoring for marine energy. A YOLO (You Only Look Once) computer vision model was developed using the Eyesea dataset (optical) and sonar images from Alaska Fish and Games to identify fish in underwater environments. Supervised methods were used within YOLO to detect fish based on training using labeled data of fish. These trained models were then applied to different unseen datasets, aiming to reduce the need for labeling datasets and training new models for various locations. Additionally, hyper-image analysis and various image preprocessing methods were explored to enhance fish detection. In this research we achieved: 1. Enhanced YOLO Performance, as compared to a published article (Xu, Matzner 2018) using earlier yolo versions for fish object identification. Specifically, we achieved a best mean Average Precision (mAP) of 0.68 on the Eyesea optical dataset using YOLO v8 (medium-sized model), surpassing previous YOLO v3 benchmarks from that previous article publication. We further demonstrated up to 0.65 mAP on unseen sonar domains by leveraging a hyper-image approach (stacking consecutive frames), showing promising cross-domain adaptability. This submission of data includes: - The actual best-performing trained YOLO model neural network weights, which can be applied to do object detection (PyTorch files, .pt). These are found in the Yolo_models_downloaded zip file - Documentation file to explain the upload and the goals of each of the experiments 1-5, as detailed in the word document (named "Yolo_Object_Detection_How_To_Document.docx") - Coding files, namely 5 sub-folders of python, shell, and yaml files that were used to run the experiments 1-5, as well as a separate folder for yolo models. Each of these is found in their own zip file, named after each experiment - Sample data structures (sample1 and sample2, each with their own zip file) to show how the raw data should be structured after running our provided code on the raw downloaded data - link to the article that we were replicating (Xu, Matzner 2018) - link to the Yolo documentation site from the original creators of that model (ultralytics) - link to the downloadable EyeSea data set from PNNL (instructions on how to download and format the data in the right way to be able to replicate these experiments is found in the How To word document)

  6. f

    Precision, recall, and Mean Average Precision (mAP@.5:.95) on the validation...

    • plos.figshare.com
    xls
    Updated Jun 14, 2023
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Kim Bjerge; Jamie Alison; Mads Dyrmann; Carsten Eie Frigaard; Hjalte M. R. Mann; Toke Thomas Høye (2023). Precision, recall, and Mean Average Precision (mAP@.5:.95) on the validation dataset for different trained YOLO models. [Dataset]. http://doi.org/10.1371/journal.pstr.0000051.t002
    Explore at:
    xlsAvailable download formats
    Dataset updated
    Jun 14, 2023
    Dataset provided by
    PLOS Sustainability and Transformation
    Authors
    Kim Bjerge; Jamie Alison; Mads Dyrmann; Carsten Eie Frigaard; Hjalte M. R. Mann; Toke Thomas Høye
    License

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

    Description

    Models trained on the small (6cls) or large (9cls) dataset. The training method indicates which metric is used to evaluate when to stop the training process: mAP@.5:.95 (mAP), F1-score (F1) or stopping after a high number of epochs (epoch).

  7. Gun Dataset YOLO v8

    • kaggle.com
    Updated Oct 3, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Abuzar Khan (2024). Gun Dataset YOLO v8 [Dataset]. https://www.kaggle.com/datasets/abuzarkhaaan/helmetandguntesting
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Oct 3, 2024
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Abuzar Khan
    License

    https://www.reddit.com/wiki/apihttps://www.reddit.com/wiki/api

    Description

    This dataset contains labeled data for gun detection collected from various videos on YouTube. The dataset has been specifically curated and labeled by me to aid in training machine learning models, particularly for real-time gun detection tasks. It is formatted for easy use with YOLO (You Only Look Once), one of the most popular object detection models.

    Key Features: Source: The videos were sourced from YouTube and feature diverse environments, including indoor and outdoor settings, with varying lighting conditions and backgrounds. Annotations: The dataset is fully labeled with bounding boxes around guns, following the YOLO format (.txt files for annotations). Each annotation provides the class (gun) and the coordinates of the bounding box. YOLO-Compatible: The dataset is ready to be used with any YOLO model (YOLOv3, YOLOv4, YOLOv5, etc.), ensuring seamless integration for object detection training. Realistic Scenarios: The dataset includes footage of guns from various perspectives and angles, making it useful for training models that can generalize to real-world detection tasks. This dataset is ideal for researchers and developers working on gun detection systems, security applications, or surveillance systems that require fast and accurate detection of firearms.

  8. R

    Dash Model Training Dataset

    • universe.roboflow.com
    zip
    Updated Jun 13, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    image (2025). Dash Model Training Dataset [Dataset]. https://universe.roboflow.com/image-6m17r/dash-model-training
    Explore at:
    zipAvailable download formats
    Dataset updated
    Jun 13, 2025
    Dataset authored and provided by
    image
    License

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

    Variables measured
    Obstacles Bounding Boxes
    Description

    DASH Model Training

    ## Overview
    
    DASH Model Training is a dataset for object detection tasks - it contains Obstacles annotations for 3,169 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).
    
  9. P

    QR Code Detection YOLO Dataset

    • paperswithcode.com
    • gts.ai
    Updated Feb 18, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    (2025). QR Code Detection YOLO Dataset [Dataset]. https://paperswithcode.com/dataset/qr-code-detection-yolo
    Explore at:
    Dataset updated
    Feb 18, 2025
    Description

    Description:

    👉 Download the dataset here

    This dataset provides a comprehensive platform for enhancing QR code detection models, leveraging both synthetic and real-world data.

    Dataset Components

    Training Set: Includes thousands of auto-generated QR codes. These QR codes are isolated with no background, allowing the model to focus purely on shape and structure recognition.

    Test Set: Consists of real-life images featuring QR codes in varied contexts, from different angles, lighting conditions, and cluttered environments.

    Background Images: A curated set of images taken from malls, retail stores, streets, etc., allowing developers to blend QR codes into realistic scenarios, simulating real-world conditions for model training.

    Download Dataset

    Data Usage and Goals

    The primary objective is to train object detection models, such as YOLO (You Only Look Once), using synthetic QR codes and background images to improve generalization on unseen, real-world data. Training on the synthetic set avoids overfitting, while the test set evaluates the model’s performance in natural environments with QR codes placed in cluttered, busy scenes.

    Data Augmentation and Variety

    To make the dataset more robust, various augmentations are included:

    Diverse QR Code Sizes: Codes of varying sizes are use, enabling the model to detect small and large codes in the same setting.

    Rotations and Distortions: QR codes are display from multiple angles and subjected to distortions, mimicking real-life conditions where codes may not be perfectly align.

    Occlusion Handling: Some QR codes are partially obscured by objects, providing additional complexity for the detection task.

    Potential Applications

    This dataset is suit for AI developers working on:

    Mobile scanning apps

    Inventory management systems

    Augmented reality applications that rely on QR codes for object recognition.

    This dataset is sourced from Kaggle.

  10. voc_07_12

    • kaggle.com
    Updated Aug 12, 2020
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Sovit Ranjan Rath (2020). voc_07_12 [Dataset]. https://www.kaggle.com/datasets/sovitrath/voc-07-12/discussion
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Aug 12, 2020
    Dataset provided by
    Kagglehttp://kaggle.com/
    Authors
    Sovit Ranjan Rath
    License

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

    Description

    Pascal VOC 2007 and 2012 dataset to use easily for YOLO training. Original Data source.

  11. R

    Sdp Training Model Dataset

    • universe.roboflow.com
    zip
    Updated Jan 16, 2022
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Jun Xiang Teo (2022). Sdp Training Model Dataset [Dataset]. https://universe.roboflow.com/jun-xiang-teo/sdp-training-model
    Explore at:
    zipAvailable download formats
    Dataset updated
    Jan 16, 2022
    Dataset authored and provided by
    Jun Xiang Teo
    License

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

    Variables measured
    Water Bounding Boxes
    Description

    SDP Training Model

    ## Overview
    
    SDP Training Model is a dataset for object detection tasks - it contains Water annotations for 281 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).
    
  12. R

    Training Darknet Model Dataset

    • universe.roboflow.com
    zip
    Updated Apr 3, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    GC hardware modelling (2024). Training Darknet Model Dataset [Dataset]. https://universe.roboflow.com/gc-hardware-modelling/training-darknet-model/model/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Apr 3, 2024
    Dataset authored and provided by
    GC hardware modelling
    License

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

    Variables measured
    Humans Obstacles Bounding Boxes
    Description

    Training Darknet Model

    ## Overview
    
    Training Darknet Model is a dataset for object detection tasks - it contains Humans Obstacles annotations for 242 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).
    
  13. R

    Yolo_training Dataset

    • universe.roboflow.com
    zip
    Updated May 20, 2024
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Bilel (2024). Yolo_training Dataset [Dataset]. https://universe.roboflow.com/bilel-0p6mi/yolo_training-gez6x/model/2
    Explore at:
    zipAvailable download formats
    Dataset updated
    May 20, 2024
    Dataset authored and provided by
    Bilel
    License

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

    Variables measured
    Carre SV Oeil Bounding Boxes
    Description

    YOLO_training

    ## Overview
    
    YOLO_training is a dataset for object detection tasks - it contains Carre SV Oeil annotations for 203 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. f

    Experimental results of the ablation experiment.

    • plos.figshare.com
    xls
    Updated Jun 17, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Huiying Zhang; Qinghua Zhang; Yifei Gong; Feifan Yao; Pan Xiao (2025). Experimental results of the ablation experiment. [Dataset]. http://doi.org/10.1371/journal.pone.0324700.t003
    Explore at:
    xlsAvailable download formats
    Dataset updated
    Jun 17, 2025
    Dataset provided by
    PLOS ONE
    Authors
    Huiying Zhang; Qinghua Zhang; Yifei Gong; Feifan Yao; Pan Xiao
    License

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

    Description

    An MDCFVit-YOLO model based on the YOLOv8 algorithm is proposed to address issues in nighttime infrared object detection such as low visibility, high interference, and low precision in detecting small objects. The backbone network uses the lightweight Repvit model, improving detection performance and reducing model weight through transfer learning. The proposed MPA module integrates multi-scale contextual information, capturing complex dependencies between spatial and channel dimensions, thereby enhancing the representation capability of the neural network. The CSM module dynamically adjusts the weights of feature maps, enhancing the model of sensitivity to small targets. The dynamic automated detection head DAIH improves the accuracy of infrared target detection by dynamically adjusting regression feature maps. Additionally, three innovative loss functions—focalerDIoU, focalerGIOU and focalerShapeIoU are proposed to reduce losses during the training process. Experimental results show that the detection accuracy of 78% for small infrared nighttime targets, with a recall rate of 58.6%, an mAP value of 67%. and a parameter count of 20.9M for the MDCFVit-YOLO model. Compared to the baseline model YOLOv8, the mAP increased by 6.4%, with accuracy and recall rates improved by 4.5% and 5.7%, respectively. This research provides new ideas and methods for infrared target detection, enhancing the detection accuracy and real-time performance.

  15. h

    shelf-segmentation-train

    • huggingface.co
    Updated Jul 15, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    cheese (2025). shelf-segmentation-train [Dataset]. https://huggingface.co/datasets/cheesecz/shelf-segmentation-train
    Explore at:
    Dataset updated
    Jul 15, 2025
    Authors
    cheese
    License

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

    Description

    Custom YOLO Dataset

    This dataset is formatted for YOLO-based instance segmentation. It includes images and annotations for training, validation, and testing.

      Dataset structure
    

    train/images, valid/images, test/images: JPEG image files train/labels, valid/labels, test/labels: YOLO-format .txt annotations data.yaml: defines class names and split locations

  16. R

    Yolo Train Data Set Dataset

    • universe.roboflow.com
    zip
    Updated Mar 31, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    ekrem (2025). Yolo Train Data Set Dataset [Dataset]. https://universe.roboflow.com/ekrem-z3bqx/yolo-train-data-set/model/6
    Explore at:
    zipAvailable download formats
    Dataset updated
    Mar 31, 2025
    Dataset authored and provided by
    ekrem
    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

    YOLO TRAIN DATA SET

    ## Overview
    
    YOLO TRAIN DATA SET is a dataset for object detection tasks - it contains Objects annotations for 2,106 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).
    
  17. R

    Yolo V 11 Training Dataset

    • universe.roboflow.com
    zip
    Updated Jan 8, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    yolov11 diaz (2025). Yolo V 11 Training Dataset [Dataset]. https://universe.roboflow.com/yolov11-diaz/yolo-v-11-training/model/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Jan 8, 2025
    Dataset authored and provided by
    yolov11 diaz
    License

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

    Variables measured
    P Bounding Boxes
    Description

    Yolo V 11 Training

    ## Overview
    
    Yolo V 11 Training is a dataset for object detection tasks - it contains P annotations for 310 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).
    
  18. R

    Yolo Find Text Dataset

    • universe.roboflow.com
    zip
    Updated Jul 17, 2022
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    YoloV5 Train (2022). Yolo Find Text Dataset [Dataset]. https://universe.roboflow.com/yolov5-train/yolo-find-text
    Explore at:
    zipAvailable download formats
    Dataset updated
    Jul 17, 2022
    Dataset authored and provided by
    YoloV5 Train
    License

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

    Variables measured
    Text Bounding Boxes
    Description

    Yolo Find Text

    ## Overview
    
    Yolo Find Text is a dataset for object detection tasks - it contains Text annotations for 290 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).
    
  19. R

    Open Poetry Vision Object Detection Dataset - 512x512

    • public.roboflow.com
    zip
    Updated Apr 7, 2022
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Brad Dwyer (2022). Open Poetry Vision Object Detection Dataset - 512x512 [Dataset]. https://public.roboflow.com/object-detection/open-poetry-vision/1
    Explore at:
    zipAvailable download formats
    Dataset updated
    Apr 7, 2022
    Dataset authored and provided by
    Brad Dwyer
    License

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

    Variables measured
    Bounding Boxes of text
    Description

    Overview

    The Open Poetry Vision dataset is a synthetic dataset created by Roboflow for OCR tasks.

    It combines a random image from the Open Images Dataset with text primarily sampled from Gwern's GPT-2 Poetry project. Each image in the dataset contains between 1 and 5 strings in a variety of fonts and colors randomly positioned in the 512x512 canvas. The classes correspond to the font of the text.

    Example Image: https://i.imgur.com/sZT516a.png" alt="Example Image">

    Use Cases

    A common OCR workflow is to use a neural network to isolate text for input into traditional optical character recognition software. This dataset could make a good starting point for an OCR project like business card parsing or automated paper form-processing.

    Alternatively, you could try your hand using this as a neural font identification dataset. Nvidia, amongst others, have had success with this task.

    Using this Dataset

    Use the fork button to copy this dataset to your own Roboflow account and export it with new preprocessing settings (perhaps resized for your model's desired format or converted to grayscale), or additional augmentations to make your model generalize better. This particular dataset would be very well suited for Roboflow's new advanced Bounding Box Only Augmentations.

    Version 5 of this dataset (classes_all_text-raw-images) has all classes remapped to be labeled as "text." This was accomplished by using Modify Classes as a preprocessing step.

    Version 6 of this dataset (classes_all_text-augmented-FAST) has all classes remapped to be labeled as "text." and was trained with Roboflow's Fast Model.

    Version 7 of this dataset (classes_all_text-augmented-ACCURATE) has all classes remapped to be labeled as "text." and was trained with Roboflow's Accurate Model.

    About Roboflow

    Roboflow makes managing, preprocessing, augmenting, and versioning datasets for computer vision seamless.

    Developers reduce 50% of their code when using Roboflow's workflow, automate annotation quality assurance, save training time, and increase model reproducibility.

    Roboflow Workmark

  20. R

    Yolo V11 Testing Dataset

    • universe.roboflow.com
    zip
    Updated Apr 15, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    yolo v11 training (2025). Yolo V11 Testing Dataset [Dataset]. https://universe.roboflow.com/yolo-v11-training/yolo-v11-testing/model/15
    Explore at:
    zipAvailable download formats
    Dataset updated
    Apr 15, 2025
    Dataset authored and provided by
    yolo v11 training
    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

    Yolo V11 Testing

    ## Overview
    
    Yolo V11 Testing is a dataset for object detection tasks - it contains Objects annotations for 646 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).
    
Share
FacebookFacebook
TwitterTwitter
Email
Click to copy link
Link copied
Close
Cite
golf course data (2025). Training Yolo Model Using Golf Course For Grass Damages Dataset [Dataset]. https://universe.roboflow.com/golf-course-data/training-yolo-model-using-golf-course-dataset-for-grass-damages

Training Yolo Model Using Golf Course For Grass Damages Dataset

training-yolo-model-using-golf-course-dataset-for-grass-damages

training-yolo-model-using-golf-course-for-grass-damages-dataset

Explore at:
zipAvailable download formats
Dataset updated
May 15, 2025
Dataset authored and provided by
golf course data
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

Training YOLO Model Using Golf Course Dataset For Grass Damages

## Overview

Training YOLO Model Using Golf Course Dataset For Grass Damages is a dataset for object detection tasks - it contains Objects annotations for 1,178 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).
Search
Clear search
Close search
Google apps
Main menu