All Questions
23 questions
0
votes
0
answers
47
views
adding attention mechanism to yolo algorithm
i'm trying to add Cbam attention mechanism to yolo architecture
this is my Cbam implementation added to common.py
class ChannelAttention(nn.Module):
def __init__(self, in_planes, ratio=16):
...
0
votes
0
answers
41
views
Offsets and label creation for object detection training/inference
I am new to object detection. I know that in object detection anchors are used for detecting objects in the feature map using offsets instead of predicting actual location of the object w.r.t input ...
0
votes
1
answer
504
views
how to calculate Mean IoU in yoloV5 object detection model?
I want to evaluate an object detection model with the meanIoU metric with the yolov5 algorithm. Yolov5 doesn't have a meanIoU evaluation metric.
Is meanIoU a valid metric for object detection?
How can ...
0
votes
2
answers
3k
views
How to train Yolo model with GPU of 'NVIDIA GeForce RTX 3050 Laptop GPU
I'm newbie to object detection model, I'm trying to train yolo model in my device('NVIDIA GeForce RTX 3050 Laptop GPU), I am getting errors,
I have image size of (1365, 1024, 3) , I tried with image ...
0
votes
1
answer
942
views
Error loading Yolov5 Model to Local System
I am using Yolov5 ultralytics pytorch colab notebook to train over my custom dataset. I saved the model and wanted to use to make predictions over my local PC but encountered an error
Downloading: &...
1
vote
1
answer
1k
views
How YOLO handles the input images of different sizes?
I am working on custom object detection with YOLOv5. We can provide different input image sizes to the network. How can a DNN network accept different sizes of input? Does YOLO has different backbones ...
1
vote
0
answers
784
views
how to change label font, bounding box color and thickness with custom yolov5
I need to change the label font and bounding box color, in the inference
i have assigned a variable for torch hub model and pass it to running the inference but coudnt change the bounding box color ...
-1
votes
1
answer
495
views
Automatic image labelling for custom training YOLOv5
There are manual tools like Makesense.ai to create the labelled data for custom training YOLO, but is there any method for automatic labelling of multiple objects in an image so that the image ...
0
votes
1
answer
1k
views
Object tracking of fast moving small objects
I have a task to count small objects falling freely from conveyor exit using camera. Camera input will be like as shown in this video below, and I need to count them.
https://drive.google.com/file/d/...
0
votes
1
answer
3k
views
Can too many background images decrease YOLOv5 model performance?
I have a dataset with many background images (those without labels), at least 50% of all images in the dataset. Now I read in the YOLOv5 tutorials that it is recommended that about 10% of the whole ...
2
votes
0
answers
1k
views
Yolov5 model not validating after training
I am trying to run a custom object detection model using yolov5.
Did the following steps;
%cd yolov5
%pip install -qr requirements.txt # install dependencies
import torch
import os
from IPython....
-2
votes
1
answer
55
views
How to conduct object detection again in bouding boxes after object detection?
For example, I want to use YoloV5 to detect intestinal cells first and get green boudingbox, and then detect intestinal bulges in green boundingbox.
I want to import boundingboxes from the first ...
0
votes
1
answer
802
views
YOLO V5 score of prediction
I managed to train the YOLO V5 model on my customed data and I'm having great results. I am able to export the bonding boxes in a txt file in which I have their coordinates.
I want to get also the ...
1
vote
2
answers
7k
views
How can I extract label from results in YOLO v5?
Is there any way to extract the detected label like person or cat, dog or others that is printing by the results.print() function? I want these detected labels to be saved in an array and use it later....
1
vote
0
answers
259
views
How to detect an object of interest in a particular location of the image when there are multiple instances of the object?
I am training YOLOv5 object detection model using transfer learning and PyTorch framework. The goal is to detect solar panels in aerial view images. In the training images, there are often times ...
0
votes
1
answer
2k
views
When to stop training a object detection model ( YOLOV5 )
Hi I have three metrics on validation, obj_loss, vls_loss and box_loss, which one I should look at when deciding the timing to stop the model training?
0
votes
1
answer
507
views
Should I need to match input image size and images of my datasets?
I try to create datasets for yolov5.
But, I have wondered how to decide images size in my datasets.
Should i decide input image size is the correspondence of images of my datasets?
Thank you in ...
0
votes
1
answer
2k
views
How Can I Convert Dataset Annaotations To Fixed(YoloV5) Format Without Hand Encoding
So I Am Working On This Awesome Project On Object Detection,Where The Prior Task Is To Identify Brand Logos, So after Doing some research i found this dateset available for the
brand logo For More ...
0
votes
2
answers
1k
views
How can I track in real-time small fast-moving stones that are free-falling?
I am looking for the fastest real-time object trackers for tracking small fast-moving stones that are free-falling vertically, given that there can be up to 50 objects in a single frame, and their ...
3
votes
1
answer
2k
views
How to do detections in YOLOv5 only in a region of interest?
I want to detect objects only in a specified region and ignore all the other detections outside the ROI.
3
votes
1
answer
3k
views
Interpretation of yolov5 output
I am making a face mask detection project and I trained my model using ultralytics/yolov5.I saved the trained model as an onnx file, you can find the model file here model.onnx. Now I want you use ...
0
votes
1
answer
1k
views
Why am I unable to train YOLOv5 on my dataset?
I'm trying to train the YOLOv5 model on a Jupyter notebook using a custom dataset. The dataset is a face mask detection dataset, containing images of people with/without facemasks. I've converted the ...
1
vote
1
answer
933
views
Train A Custom Object Detection Model with YOLO v5
I'm trying to train a model with Yolo v5 to detect multiple objects on sales flyers. each image in the dataset used in training contains only one object and obviously a single bounding box.
I'm ...