Skip to main content

All Questions

Filter by
Sorted by
Tagged with
0 votes
0 answers
38 views

Slow Camera with YoloV5

I’m working with a Jetson Orin Nano and a Raspberry Pi Camera Module V2, aiming to run YOLOv5 for real-time image processing. I’ve tried using the following code, but the camera feed is extremely slow ...
Onur's user avatar
  • 1
0 votes
1 answer
156 views

YOLOv5 Class Imbalance and Overfitting Issues

I’m working on a seat belt and mobile phone detection system using YOLOv5s to detect the windshield, driver, passenger, seat belt, and mobile phone. My dataset has a class imbalance issue since not ...
Wrrrrr's user avatar
  • 17
-1 votes
1 answer
55 views

runs\train\exp10 is not a directory

I am trying to train a YoloV5 model with my custom data on my own computer, but I keep getting this error: train: weights=yolov5s.pt, cfg=models/yolov5s.yaml, data=data.yaml, hyp=data\hyps\hyp.scratch-...
Poguinho's user avatar
1 vote
1 answer
177 views

How to get bounding box labels and it's format in Yolo 3D

I have had implemented Yolo 3D model in my workspace, and it is working fine. I am getting an image as an output. So I would like to know where I can get the labels for my 3D bounding boxes. And I ...
Plutus's user avatar
  • 43
0 votes
0 answers
89 views

How do I the fix "Cache may be out of date" error?

I created a training model successfully with YOLOv5s as a pretrained model and ten images as a dataset. But I got into trouble when I went to make a second model with another ten images. My first and ...
user avatar
0 votes
1 answer
250 views

yolo training with low precision and low map

I am using YOLOv5 to train a model to recognize cards in a card game. I started with the pre-trained model yolov5s.pt and my dataset consists of 138 images. However, the accuracy and mAP are very low ...
saltdream's user avatar
0 votes
1 answer
137 views

Correct way to tag objects with YOLOv5

I need to tag a series of images for sewing detection on fabric. I work with the YOLOv5 algorithm. The problem I have is that it is not clear to me what should be the optimal way to label these ...
cooper's user avatar
  • 664
0 votes
0 answers
47 views

Is there a way to get the images where the Ultralytics YOLOv5 model missed the object?

I am using the version developed by Ultralytics (https://github.com/ultralytics/yolov5) for my application. It is performing well but is, obviously, not correct everytime. Is there a way to see the ...
Skywalker's user avatar
  • 652
0 votes
0 answers
49 views

YOLOv5/SparseML - Unable to find any modifiers in given recipe

I'm trying to train a YOLOv5s model with SparseML. (I don't know if this is important, but I am training in Google Colab). When I run train.py, I get this error: ValueError: Unable to find any ...
DylDev's user avatar
  • 23
3 votes
0 answers
220 views

having trouble making a yolov5 object detection iOS app

I'm following this tutorial but I'm having some issues with my Mac silicon M2 chip (not sure if this is the problem) I've cloned the GitHub repo and installed dependencies manually. but every time I ...
oscartadhg's user avatar
1 vote
1 answer
1k views

How to convert Yolo segment annotations to coco format?

I am trying to convert the yolo segment Dataset to coco format. initially I used JsonToYolo from ultralytics to convert from Coco to Yolo. Now I want to do vice-versa. I have tried some yolo to coco ...
NevMthw's user avatar
  • 114
-1 votes
1 answer
595 views

Get the average processing speed in YOLO

When using Yolo (v5 or v8) to process a video, it shows the detection speed per frame, like below (e.g. 80.6 ms). Now, is there a flag to get the average speed across all frames? video 1/1 (563/570) /...
angel_30's user avatar
1 vote
1 answer
8k views

size of input images of yolo v5

When training a YOLOv5s model by specifying the image size, the image size should be the actual size of the images in the dataset or the size to which you want to resize before inputting them to the ...
ing inf's user avatar
  • 21
-3 votes
1 answer
136 views

Automising the YOLOv5 process

iam trying to automise the training process for yolov5 instead of manually annotating the images. So, i need images and a text file which contain the coordinates of region of interest(ROI) i have a ...
ritik dubey's user avatar
0 votes
1 answer
923 views

Using a Python function, how can I trigger the training function in train.py

I am currently using the command-line command to train my yolov5 model: python train.py --img 512 --batch 14 --epochs 5000 --data neurons.yaml --weights yolov5s.pt --cache ram However, I want to ...
nikhil int's user avatar
-2 votes
1 answer
494 views

YAML best practice for Machine Learning model configuration and architecture

Is there best practice / standard or automatic templates for YAML files for Machine Learning model configuration and architecture? DISCLAIMER: the question is not related to YOLO models. The YOLO YAML ...
Michael D's user avatar
  • 1,737
1 vote
0 answers
2k views

Runtime Error When Pulling Ultralytic Model from TorchHub Using YOLOV5

I'm new to ML and PyTorch (and using a M1 Mac for context) and followed the three instructions listed on the YOLOV5 GitHub Page, but I run into an issue when trying to pull the yolov5s model from ...
0marA's user avatar
  • 29
1 vote
1 answer
2k views

YOLOv5: does best.pt control for overfitting?

After each YOLOv5 training, two model files are saved: last.pt and best.pt. I'm aware that: last.pt is the latest saved checkpoint of the model. This will be updated after each epoch. best.pt is the ...
Peter's user avatar
  • 353
2 votes
1 answer
10k views

Convert YoloV8 to Tflite

I have trained a custom model using Yolov8. I want to implement this model in my flutter app through the "google_mlkit_object_detection: ^0.6.0" package, for that I must convert it to tflite....
gustavo martins's user avatar
0 votes
0 answers
244 views

How to extract bounding box coordinates from a YolovV5 object detection model that has been converted to a CoreML model for use in an iOS app?

Here is my coreMl model prediction I need something like that, I need this kind of prediction I have tried it for export !python export.py --weights /content/drive/MyDrive/best.pt --include "...
Dhiman Das's user avatar
0 votes
0 answers
343 views

How can I train a YOLOv5 Segmentation model with densely populated instances under limited GPU Memory requirements?

I am attempting to train a YOLOv5 Instance Segmentation model on a dataset containing ~2300 images. Each image is 1800x1800 and there are roughly 100-300 object instances per image. These images were ...
harke's user avatar
  • 65
0 votes
0 answers
121 views

Get training specifications for existing yolov5 model such as model version, image size and hyperparameters used during training

I was wondering whether there is a way of getting information about how an existing custom yolov5 model was trained. For example, I would like to know the model version / release, on which image size ...
Peter's user avatar
  • 353
0 votes
1 answer
236 views

How to covert a .CSV to yolo format?

class,image_path,name,xmax,xmin,ymax,ymin 3.0,4a48c42c9579ec0399e6c5a3e825e765.jpg,GARBAGE,797.0,701.0,262.0,211.0 3.0,4a48c42c9579ec0399e6c5a3e825e765.jpg,GARBAGE,932.0,786.0,329.0,238.0 3.0,...
Simran Taneja's user avatar
2 votes
0 answers
490 views

is there a way to convert a yolov5 dataset for rcnn or a mask-rcnn?

I currently got a yolov5 dataset , with everything on it (labels in form of : label , x , y , widh , height). My question is , is there an fast way to convert it into a proper custom dataset for mask-...
Murphy's user avatar
  • 21
0 votes
0 answers
118 views

When detecting a brand logo Using 'Yolov7' how to label better results?

While using 'yolov7' When labeling to detect the brand logo, is it good to label the letter logo in a large box format? Or is it better to label delicately according to the shape of the letters? Logo ...
B055's user avatar
  • 1
0 votes
1 answer
724 views

YOLOv5 how to detect custom data

I wanted to do character detection in the game via yolov5 But so far I have just started to study it all How to train custom data, I know But I don't know how to tell yolo in the code so that it ...
localhost's user avatar
0 votes
0 answers
267 views

Can yolov7 detect very tiny objects from thermal images?

I was using yolov5 to detect animals on the sea surface. but yolo had a difficult time doing it because the waves were also similar in shape and color to the birds (lots of false positives). And when ...
SaFaL's user avatar
  • 131
0 votes
1 answer
900 views

Yolov5 model not able to train

I'm making a model to detect potholes in an image. I've done everything right or so it seems to me, but I can't train the model for some reason. What might be the problem here? !python train.py --img ...
Alex Cobalt's user avatar
0 votes
2 answers
750 views

My C++ code is not detecting objects correctly yolov5

I have a yolov5 onnx file where I trained apples and bananas. I was using python until today, but I decided to switch to c++ to gain some speed. I get correct results when I use yolov5's own onnx ...
techgtec's user avatar
0 votes
1 answer
1k views

YOLOv5 - Convert to tflite but make scores type float32 instead of int32

I am trying to use a custom object detection model trained with YOLOv5 converted to tflite for an Android app (using this exact TensorFlow example). The model has been converted to tflite by using the ...
Ignas Mikolaitis's user avatar
2 votes
1 answer
377 views

How to convert Polygon format to YOLO forma

POLYGON ((799 1776, 799 2016, 490 2016, 490 1776, 799 1776)) This is the bounding box in POLYGON i want this in YOLO v5 format import logging from pathlib import Path import pandas as pd from shapely....
akshath mugad's user avatar
1 vote
1 answer
937 views

Yolo V7 Custom Weight Works in Colab but not in Local Windows Machine

For my project I'm using Yolo V7 for detecting some balls. I trained it with 8 batch size and 300 epochs the detection was perfect in Google Colab I tried same model in local machine (Gaming Laptop) ...
Fa2minecraft Fa's user avatar
2 votes
1 answer
362 views

what is the correct strides when add decoding level to a mlmodel converted from yolov7

I've trained a custom model with yolov7 and converted it to mlmodel with export.py (from yolov7 repo: https://github.com/WongKinYiu/yolov7). Since export mlmodel's missing metadata, I was trying to ...
Ray's user avatar
  • 21
-2 votes
1 answer
295 views

YoloV5 - Label entire image file

I have a set of 52 images of playing cards, each card goes through some image processing to distort the cards in various ways, resulting in around 1200 images. Each image file contains only the ...
Bigred's user avatar
  • 47
-1 votes
1 answer
278 views

How to output all class in order from left to right from top to bottom in Yolo7? [closed]

I tested with random images and the output like this: 3 Cars,4 persons,5 Dogs how to print all class from left to right from top to bottom: car,person,person,person,dog,person,car,dog......
Hùng Kj's user avatar
2 votes
1 answer
895 views

Is there any way to use two different weight file of Yolov5 for a video?

I have two trained models of YoloV5 for pen and pen cap detection (pen.pt, cap.pt). I want to use both this model for a video. For that I run a command ! python detect.py --weights cap.pt pen.pt --img ...
sourab maity's user avatar
  • 1,045
-1 votes
1 answer
239 views

train custom plate recognition using yolo

I want to train my custom license plate using Yolov5, but I have a problem. My problem is that my dataset is separated for each character and I have no idea how to make annotation file suitable for ...
roik sail's user avatar
0 votes
2 answers
2k views

deepsort is not tracking all classes how to finetune my tracker yolov5+deepsort

yolov5 is detecting perfect while I run detect.py but unfortunately with deepsort track.py is not tracking even not detecting with tracker. how to set parameter my tracker ? yolov5: >> python ...
Muhammad Raza's user avatar
0 votes
1 answer
3k views

RuntimeError: Unable to find a valid cuDNN algorithm to run convolution

I was training yolov5 with custom dataset and got the error in the title. The command I used: $ python train.py --img 640 --batch 16 --epochs 3 --data D:\custom\data.yaml --weights yolov5s.pt I have ...
Ainoi's user avatar
  • 3
0 votes
1 answer
1k views

Can we combine YOLOv5 object detection model with anomaly detection?

I am working on a helmet detection model using yolov5, I need to detect only safety helmets as helmet class and other helmets(bike helmets, cricket helmets, no helmets) as no helmet class. So Is there ...
Mansi Sathawane's user avatar
2 votes
1 answer
401 views

save only detections in a defined space on screen and filter out detections under a defined % of screen YOLOv5

hello i am working on this project in YOLOv5. i want to only save the image when the boundary box is 20% or more of the total image size. i also want it to only save the detection when it is atleast ...
blazerlazer's user avatar
1 vote
3 answers
6k views

Error performing object detection with yolov5 and converted roboflow dataset

in this notebook: https://colab.research.google.com/drive/1omLGQarT6-WOyQgoXK7d98rj01Ietphm#scrollTo=412Aa8kIs0mi I am trying to run yolov5 to operate object detection. First I download a dataset (...
Alessandro Trinca Tornidor's user avatar
0 votes
1 answer
874 views

I faced YOLOv5 deep-learning Class Error. Somebody have a good Solution? [duplicate]

I faced an error in yolov5: AssertionError: Label class 39 exceeds nc=5 in ./data/data.yaml. Possible class labels are 0-4 I think the problem with this is that the class of data.yaml is limited to 5 ...
서수현's user avatar
0 votes
2 answers
3k views

Can I detect only specific labels using detect.py yolov5

I have trained a model based on YOLOv5 on a custom dataset which has two classes (for example human and car) I am using detect.py with the following command: > python detect.py --weights best.pt --...
Yaser's user avatar
  • 21
0 votes
3 answers
7k views

I am trying to execute custom yolov5 object detection model. I am facing following error

Traceback (most recent call last): File "C:\Users\Bhavesh\AppData\Local\Programs\Python\Python310\lib\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\...
bhavesh wadibhasme's user avatar
-1 votes
1 answer
367 views

how to train dataset with 100 classes using yolov5

I need to train a dataset with 100 classes. Each class has 200 images. Has anyone trained such a large dataset using yolo v5 previously? What GPU have you required?
Biju Paul's user avatar
2 votes
0 answers
375 views

How Can I Combine/Merge Multiple Weight File at Yolov5

I have 3 weight file. Let's say.... face.pt hands.pt legs.pt Right now, I run run every single weight file and detect particular section. But I want to detect those three section In one run. I want ...
Sanjoy Kumar Biswas's user avatar
0 votes
1 answer
401 views

Colab unable to load cache

I am trying to train a YOLOv5 neural network for recognizing vehicles. However, when it is trained on Google Colab, it always stops at here: train: Scanning 'MyDataset/train/labels.cache' for images ...
Opengl pro's user avatar
5 votes
3 answers
13k views

How do I draw bounding boxes from "results.xyxy[0]" with cv2 rectangle (YOLOv5)?

New to both python and machine learning. I'm trying to draw bounding boxes on my mss screen capture. This is the part of the code where I believe I should be receiving the coordinates to draw the ...
freepcvirusremoval's user avatar