Questions tagged [yolov5]

72 questions
2
votes
1 answer

Realtime yolov5 detection with Desktop screen as input

I have a script that grabs an application's screenshot and displays it. it works quite nicely on my machine like a video with around 60FPS. import os os.getcwd() from PIL import ImageGrab import numpy as np import cv2 import pyautogui import…
CatalystRPA
  • 1,782
  • 1
  • 9
  • 18
2
votes
1 answer

"yolov5x.pt is not compatible with models/yolov5x.yaml. Specify --weights '' or specify a --cfg compatible with yolov5x.pt."

I want to detect 9 objects all of which are clothes. So I wanted to use yolov5. I wanted to train using the pretrained yolov5x.pt weights. I changed the number of categories in the yolov5x.yaml and clothing_data.yaml to 9. When I try to train the…
2
votes
0 answers

RuntimeError: Input type (torch.cuda.FloatTensor) and weight type (torch.cuda.HalfTensor) should be the same

I just start to learn about the YOLO v5 PyTorch version and I was able to build a model, so then I tried to implement a flask application for real-time prediction using this trained model. class for load model and predict class Model(object): …
Dulanga Heshan
  • 1,098
  • 12
  • 22
1
vote
1 answer

Cannot export Yolov5 model using export

I've trained Yolov5s model in colab.research env. After training I've moved best.pt to main yolov5 directory and renamed file to yolov5s.pt. After calling export.py i got error listed below !python models/export.py Namespace(batch_size=1,…
next_99
  • 45
  • 5
1
vote
1 answer

Deploying YOLOV5 on Azure Machine Learning

I have a YOLOV5 model trained on a custom dataset and I try to deploy it to Azure with a pipeline. First I tried it with a notebook instance and everything is fine but since I need to automatize it I am try to create a "dataset" on Azure but when I…
1
vote
2 answers

convert yolov5 model to ONNX and run on c++ interface

I have yolo model as yolov5s.yaml and i have saved my weights file as best.pt . Now want to convert yolo model to ONNX and run on c++ interface . I have gone through this https://github.com/ultralytics/yolov5/issues/251 but not able to do .Any help…
k_p
  • 33
  • 3
1
vote
1 answer

How to set and get confidence threshold from custom YOLOv5 model?

I am trying to perform inference on my custom YOLOv5 model. The official documentation uses the default detect.py script for inference. Example: python detect.py --source data/images --weights yolov5s.pt --conf 0.25 I have written my own python…
TechXpert
  • 55
  • 1
  • 6
1
vote
0 answers

YoloV5s How to output FPS from inference time

New to Yolo and python, I'm using the PyTorch detect.py script from https://github.com/ultralytics/yolov5/blob/master/detect.py and I want to output the FPS. When I run my model I get the inference time of the detection per frame. (I'm…
David
  • 55
  • 4
1
vote
1 answer

Is there a way to only display frames from a video that only have detected object bounding boxes

I'm using a video for testing my custom yolov5s object detection model on test data. However, not every frame in the video has a valid object to be detected. [ When the inference testing is ran on the video, the image below shows when the model…
1
vote
0 answers

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 this model.onnx with opencv to detect real time face…
1
vote
2 answers

Training yolov5 causes a CUDNN_STATUS_NOT_INITIALIZED error

I'm following this guide without changing anything. I'm using an aws server with deep learning ami: Deep Learning AMI (Ubuntu 18.04) Version 40.0 I've tried to change my custom dataset to the coco dataset and to a small subset of the custom…
netanel
  • 63
  • 4
1
vote
1 answer

how can i use data agumentation option in yolov5?

I want to feed images rotated at 90,30,45 degrees in yolo v5.But I only find one hyperparameter to tune in hyp.scratch.yaml file. degrees:0.0 Can I do something like this?? degrees:0.1,0.2,0.3
1
vote
1 answer

How to resolve an error in Yolov5 train,py in yaml

I am trying to run yolov5 in Google colab GPU free version !pip install PyYAML==5.3 I am getting an error Model Summary: 407 layers, 8.84875e+07 parameters, 8.84875e+07 gradients Optimizer groups: 134 .bias, 142 conv.weight, 131 other …
parag
  • 31
  • 3
1
vote
1 answer

Installing YOLOv5 dependencies - torchvision?

I want to use yolov5. According to https://pytorch.org/hub/ultralytics_yolov5/, you should have Python>=3.8 and PyTorch>=1.7 installed, as well as YOLOv5 dependencies. Python and pytorch are up to date: pip show torch Version: 1.7.1 python…
Robbie
  • 245
  • 1
  • 10
1
vote
1 answer

Process output data from YOLOv5 TFlite

❔Question Hi, I have successfully trained a custom model based on YOLOv5s and converted the model to TFlite. I feel silly asking, but how do you use the output data? I get as output: StatefulPartitionedCall: 0 = [1,25200,7] from the converted…
Tommydw
  • 11
  • 3
1
2 3 4 5