Questions tagged [yolov8]

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

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

165 questions
0
votes
1 answer

Error running cell in Colab to train model YOLOv8 in high epochs

I'm stuck with the problem of Run cell in Colab to Train Model YOLOv8. The code will use this code. import os from ultralytics import YOLO model = YOLO("yolov8x.yaml") results = model.train(data=os.path.join(ROOT_DIR, "google_colab_config.yaml"),…
0
votes
1 answer

Assertion failed: inputs.at(0).isInt32() && "For range operator with dynamic inputs, this version of TensorRT only supports INT32!"

I am trying to export .engine from onnx for the pretrained yolov8m model but get into trtexec issue. Note that I am targeting for a model supporting dynamic batch-size. I got the onnx by following the official instructions from ultralytics. from…
Pe Dro
  • 2,651
  • 3
  • 24
  • 44
0
votes
0 answers

How to Segment One of Two Detected Objects Using YOLOv8

I am working on a computer vision project that requires me to detect two objects in an image and return the measurement of only one of the objects. I have considered two approaches: Use YOLOv8 object detection to detect both objects, then use edge…
0
votes
0 answers

FastAPI with Ultralytics YOLOv8: "NameError: predictions is not defined"

I am using FastAPI to serve a Yolov8 trained model from the Ultralytics library for object detection. However, I'm encountering an issue when trying to predict using the loaded model. The specific error I get is: NameError: predictions is not…
J.c
  • 1
  • 1
0
votes
1 answer

How Can I Convert This yolov5 python script into yolov8

It is working great for yolov5 but i want to upgrade to yolov8 How can I do that? import cv2 import torch import os from PIL import Image # Load the pre-trained YOLOv5 model model = torch.hub.load('ultralytics/yolov5', 'yolov5x') # Aspect ratios…
Furkan Gözükara
  • 22,964
  • 77
  • 205
  • 342
0
votes
2 answers

YOLOV8: how to save the output of model

this is the code from ultralytics import YOLO license_plate_detector = YOLO('./model/best.pt') license_plates = license_plate_detector('./42.jpg') and this the output 640x608 1 number-plate, 342.0ms Speed: 12.4ms preprocess, 342.0ms inference,…
0
votes
0 answers

Getting memory error "core dumped" while using Yolov8 in DSP-SLAM

I have replace the MaskRcnn modle of DSP-SLAM with the yolov8 module and have rewritten the codes in the original repository. However, I keep getting a error "Aborted (core dumped)" when I run the yolo model together with DSP-SLAM. This is the error…
0
votes
2 answers

Ultralytics YOLOv8 `probs` attribute returning `None` for object detection

I'm using the Ultralytics YOLOv8 implementation to perform object detection on an image. However, when I try to retrieve the classification probabilities using the probs attribute from the results object, it returns None. Here's my code: from…
hanugm
  • 1,127
  • 3
  • 13
  • 44
0
votes
1 answer

Unable to hide bounding boxes and labels in YOLOv8

I'm trying to hide the bounding boxes and the labels after a prediction in YOLOv8. I've set the necessary attributes but I still see the bounding boxes and labels in the final render.show(). What am I doing wrong? # load model model =…
blacklotus
  • 111
  • 1
  • 9
0
votes
0 answers

Yolov8 unable to translate via ONNX to opencv DNN

I am trying to use a dnn opencv module to render an onnx model. However, it keeps giving me an error: CvException [org.opencv.core.CvException: cv::Exception: OpenCV(4.7.0-dev) /home/ci/opencv/modules/dnn/src/onnx/onnx_importer.cpp:1073: error:…
0
votes
1 answer

YOLOv8 counting value

I am working on a project to count vehicles on the road without drawing a line using (yolo) when he detects a vehicle he counts it. enter image description here I want to reach this value (3 cars) in yolo? To perform some operations on it and…
BALO
  • 1
  • 1
0
votes
1 answer

How to add additional augmentation to yolov8 model training

I have tried to modify existig augument.py code in yolov8 repository but it is still implementing the default albumentations while training. Is there any method to add additonal albumentations. This is what i have tried to add additonal…
0
votes
0 answers

How to perform transfer learning with YOLOv8

I am currently trying to train a face detection model and have been using YOLOv8-face as found here: https://github.com/akanametov/yolov8-face The model works really well on its own, however I cannot seem to train it on my own image set without it…
Cooper
  • 1
  • 1
0
votes
0 answers

How to save a YOLOv8 custom trained model and load it in Jupyter Notebook

I have trained a yolov8 model on Colab. The model is saved as best.pt and last.pt in /content/runs/detect/train2/weights I want to apply the model to a live webcam video with jupyter notebook. (since colab does not support local webcam). I…
0
votes
0 answers

Error training yolov8 for segmentation on a new custom model Assertion `index >= -sizes[i] && index < sizes[i] && "index out of bounds"

I am training yolov8 for segmnentation with this command: !yolo task=segment mode=train model=yolov8m-seg.pt data={HOME}/new_data/data.yaml epochs=500 imgsz=640 batch=8 workers=2 and this is how the label txt files look like: 32 0.03567479464644724…
1 2
3
10 11