Questions tagged [yolov7]

You Only Look Once (YOLO) is a real-time object detection system written in C. Use this tag for questions about YOLO version 7.

You Only Look Once (YOLO) is a real-time object detection system developed for high speed object detection within images.

87 questions
0
votes
1 answer

yolov7: cannot import amp from torch.cuda

I'm running yolov7 to train on my custom data. To train I have done following things: Install nvidia cuda 9.0 Install cudnn 9.0 in "\NVIDIA GPU Computing Toolkit\CUDA\v9.0" directory. Installed pytorch and torchvision for compatible cuda9.0 by…
Mogli141
  • 65
  • 6
0
votes
1 answer

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,4a48c42c9579ec0399e6c5a3e825e765.jpg,GARBAGE,736.0,657.0,2…
0
votes
1 answer

Why does yolov7 merge the original pictures to create the batches for training?

I am trying to create a customized detection of pictures, e.g. for planets. I resized all the pictures all to 1280x1280px. I start train.py with following input: python .\train.py --workers 1 --device 0 --batch-size 4 --epochs 100 --img-size 1280…
0
votes
1 answer

Does YOLOv7 uses multiprocessing inherently? Does using multiprocessing on the 'detect()' function somehow breaks it's functionality?

I am working on a project that needs to use YOLOv7 for object detection. I used the detect() function as given on the original source code and modified a little bit just to make it as a function (originally the detect() function can not be imported…
0
votes
0 answers

weird behaviour loading custom model with pyttorch (yolov7 and yolov7 pose)

Hello I am trying to load yolo7-w6-pose.pt model in a separate project, in order to do this I start with the following code: path = 'yolov7-w6-pose.pt' model = torch.hub.load("WongKinYiu/yolov7","custom",f"{path}",trust_repo=True) This code returns…
Tlaloc-ES
  • 4,825
  • 7
  • 38
  • 84
-1
votes
0 answers

How to stripped optimizer from yolov7 model

I have utilized the YoloV7 algorithm to train a model using a dataset comprising 50,000 images. However, I've noticed that the size of the model has doubled compared to the initial weight file. In previous instances, I've observed that models tend…
Satish Saini
  • 299
  • 3
  • 9
-1
votes
1 answer

Why YOLOv7 not detecting small objects

I am using YOLOv7 trained on custom dataset, and using the model weights after converting to ONNX for CVAT annotation. There it's only predicting few small objects. Is there any limit on small object detection in YOLOv7. In every image, it's only…
bibinwilson
  • 348
  • 2
  • 6
  • 20
-1
votes
1 answer

Multiplication of two tensors

I'm trying to add a new block in yolov7. I want to multiply the output of this block with the previous layer coming from other layer. I used mul (previous and output), but how can I modify in order to precise this two layers in YAML file.
-2
votes
1 answer

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 is provided as an example/use case. There are…
Michael D
  • 1,711
  • 4
  • 23
  • 38
1 2 3 4 5
6