84 questions
0
votes
0
answers
58
views
Batch processing with Ultralytics YOLO does not seem to work for coreml, but is working fine for .pt
I am trying to do batch inference with YOLO11. I am working with MacBook and I am running into this issue
from ultralytics import YOLO
import numpy as np
# Load YOLO model
model = YOLO("yolo11s....
1
vote
0
answers
83
views
How can I optimize a Python RTSP → YOLOv8 face-recognition → WebSocket pipeline to handle 6–8 cameras without lag/stutter?
What i am Trying to do?
I want to access the ip cameras and add a face recognition model to the live feed and display it to the web browser frontend for the ease of access this is the main concern, ...
0
votes
0
answers
56
views
How to access the base train class in YOLOv11 from the Ultralytics GitHub repository?
I'm currently working on training a custom object detection model using YOLOv11, and I'm diving into the Ultralytics GitHub repository to better understand the internal structure of the training ...
0
votes
1
answer
92
views
i want to custmize data.yaml file for train yolo11x.pt model by ultralytics?
class_id x_center y_center width height behavior_id
eg.txt file data 6 0.260313 0.739167 0.131875 0.038333 1
6 0.580313 0.821250 0.290625 0.245834 0
6 0.821562 0.775416 0.230625 0.179167 0
6 0.914062 ...
0
votes
0
answers
66
views
How to convert "raw" confidence score and bounding box to actual mask
I need to know how can I use the confidence array (which for some reason has negative values on it) and the boundingBox to produce a segmentation mask/contour.
I wrote an Android app that uses ...
-1
votes
2
answers
116
views
YOLOv8 Custom Model Fails to Detect Card Elements — What Am I Doing Wrong?
I’m working on a card verification system where the goal is to detect fixed visual elements on a card (e.g., logo, photo, chip, signature) using computer vision.
Given a photo of a card, I want to ...
1
vote
0
answers
217
views
Counting objects in YOLO11 defining several lines
I'm using an example from Ultralytics (YOLOv11) to count apples on a conveyor belt. It defines a line across the frame and counts how many apples cross that line using the ObjectCounter solution ...
0
votes
0
answers
53
views
VOT + YOLO&BoT-SORT: Evaluating Multi-Object Tracker on Single-Object Benchmark - Code Stops After 2 Frames
I'm trying to evaluate a multi-object tracker on a single-object tracking benchmark on Python. My approach involves selecting the target ID from the bounding box in the first frame that best matches ...
1
vote
2
answers
753
views
YOLOv8 RuntimeError: “could not create a primitive” on CPU using PyTorch
I'm trying to run YOLOv8 inference using Ultralytics on CPU, but I get a RuntimeError: could not create a primitive. I'm using Windows and working in a virtual environment with PyTorch. I'm new to ...
0
votes
1
answer
233
views
Error about attention in the last yolo version
When I want to use YOLO12 in inference, I get this error:
---------------------------------------------------------------------------
AttributeError Traceback (most recent ...
0
votes
0
answers
70
views
Internal error: Failed to apply delegate when using a yolov10 model in flutter
I am trying to run a yolov10n model in my flutter application. The library I use is https://pub.dev/packages/ultralytics_yolo. The yolov8n model works fine but when I load the v10n model the ...
0
votes
1
answer
136
views
How to Install Only the Essential Parts of Ultralytics for YOLO Detection in a Serverless Lambda Function?
I'm developing a serverless function using AWS Lambda and Docker. The function uses a YOLO model (best.onnx) for object detection, and I'm trying to minimize the deployment package size.
The ...
0
votes
1
answer
269
views
Implementing StrongSort with Ultralytics YOLO
I have a project where I am implementing the Yolo object detection algorithm with different tracking algorithms. I am now struggling to implement the StrongSort tracking with my detection program. Can ...
-1
votes
1
answer
112
views
Google Colab: Model Training Stops Automatically as if Ctrl+C Was Pressed
I'm training a YOLO model in Google Colab, but the training stops automatically as if I manually pressed Ctrl+C. The last output in the terminal shows ^C, and the process terminates without any error ...
0
votes
0
answers
74
views
Stable torch, ultralytics, tensorflow packages for requirements.txt
I'm writing a requirements.txt for a real-time sports video analysis project and testing various libraries such as YOLOv8, Torch, TensorFlow, etc.
I've tried multiple Python versions but encountered ...
1
vote
1
answer
1k
views
Understanding YOLOv11 Tensor Ouput Shape for Post-Processing
I tried export YOLOv11 model to tensorflow, it said:
'yolo11n.pt' with input shape (1, 3, 640, 640) BCHW and output shape(s) (1, 84, 8400) (5.4 MB)
Now I have this model summary in Keras 3:
Model: &...
1
vote
1
answer
543
views
YOLOv8 Final Detection Head Still Outputs (1, 7, 8400) Instead of (1, 8, 8400) for 3 Classes
I trained a YOLOv8 detection model with 3 classes, but the raw forward pass still shows a final detect output of (1, 7, 8400) instead of (1, 8, 8400).
What I’ve Done:
Checked my data.yaml:
train: path/...
2
votes
1
answer
91
views
Python Object detection multiprocessing speed issue
I'm trying to implement a multiprocessing version of object detection (video source can be both camera or video) with YOLO model of ultralytics.
I implemented a Queue where to add frames and a process ...
0
votes
0
answers
86
views
How to load YOLO v5 custom model in windows 11 PC
Currently running windows 11 and python 3.11. I trained my custom model using yolov5 using my custom data set in google colab. The model is used to detect sign language vowels.
!python train.py --img ...
0
votes
0
answers
25
views
Black regions in train_batch0.jpg
When training the YOLO11m-cls.pt with cusomize data, I found some black square region in train_batch*.jpg.
How can I adjust the hyper parameters to avoid generating it.
I tried some hyper parameters, ...
0
votes
0
answers
55
views
Error when trying to convert python file to exe using auto py to exe
I am trying to convert my python file to exe, but i am getting the following error:
File "C:\Users\AnasO\anaconda3\envs\Deep-LEARNING-YOLO11\Lib\site-packages\PyInstaller\compat.py", line ...
1
vote
0
answers
93
views
std::bad_alloc Error When Passing cv::Mat from C++ to Python via Pybind11 for YOLO Inference
I'm working on a C++ interface to a Python model using Pybind11 and OpenCV. My goal is to read an image using OpenCV in C++ (cv::Mat), pass it to a Python YOLO model (Ultralytics), and retrieve the ...
1
vote
1
answer
77
views
How to import Ultralytics without an Error?
When I try to import Ultralytics, I get the following error:
Te installation is successful but the issue in "No package"
<ipython-input-4-ef7a9f069429> in <cell line: 2>()
...
0
votes
1
answer
255
views
Why am I getting error on windows when I load model from ultralytics: AttributeError: module 'os' has no attribute 'setsid'. Did you mean: 'getpid'?
I installed ultralytics using pip:
pip install ultralytics
I ran this code:
from ultralytics import YOLO
model = YOLO("yolo11n-pose.pt")
I am getting following error:
File "\...
0
votes
0
answers
122
views
Failed building wheel for tflite-support for Ultralytics
I'm trying to import a YOLO model from the ultralytics package and having a few issues installing tflite-support. I've tried upgrading wheels, setuptools and ran the suggested command
pip install --...
0
votes
0
answers
403
views
How to implement BYTETRACK TRACKER on TFlite model for counting the no of persons?
I have to create a project for counting person whenever they come before the camera for this i have to create a TFlite model which is for detecting the person , now I just want to implement tracking ...
0
votes
0
answers
75
views
YOLOv8 - Noisy tracking data (python)
I have a physical device that can track objects according to their location on the screen. the location is given by YOLO detection.
As far a I know, YOLO is not dedicated for tracking. That’s why it ...
1
vote
0
answers
48
views
Custom dataset with YOLOv5
I'm new to YOLOv5 and V8, I'm already having issues with Yolov5 and I wanted to train with v8 just to compare. I had different sets of toilets (4 classes, already annotated via Roboflow) that I merged ...
0
votes
1
answer
131
views
How can I convert YOLOv5 to tflite MICRO using 8-Bit Quantization?
I successfully converted YOLOv5 Nano to tflite using a representative set of images
(Ultralytics export also does that). I can see the scale and zero point for the input and it is fine. I can also ask ...
0
votes
1
answer
612
views
Issue with relative paths in data.yaml file when trying to train yolo custom model
I am trying to create a training pipeline to train a custom yolov9 model with user inputted labeled images.
I am having an issue where if I make my data.yaml file use relative paths, I get the error:
...
0
votes
1
answer
826
views
Ultralytics not getting installed in pycharm
I encountered an issue while attempting to reinstall the ultralytics library in PyCharm on my laptop. Despite not making any changes to my system configuration, the installation process is now failing ...
0
votes
1
answer
177
views
While inferencing through saved RT-DETR model weights, KeyError: 263
I have trained RT-DETR model (taken from ultralytics) for the object detection task. I am using the following code for inferencing using the saved weights:
from ultralytics import YOLO
import cv2
# ...
0
votes
1
answer
350
views
How to profile a training using ultralytics yolo?
I think I have an issue with the pre-processing phase of a training based on yolo, see here.
What is happening is that during the preparation of the dataset that is moved to the GPU RAM, the ...
2
votes
1
answer
606
views
Can we perform operations at every epoch during YOLOv8 training
I want to do some calculations at every epoch during training, but Ultralytics YOLOv8 was not allowing to do that meaning training performed for all epochs at once.
I want to compare the validation ...
0
votes
1
answer
355
views
No module named 'torch.utils'
Friends, I am programming on the Phytec board. I am trying to run the program code using Ultralytics. I install the libraries locally, that is, in the root of the system. It cannot load the libraries.
...
0
votes
1
answer
177
views
Ultralytics installation successful, but cant execute a yolo predict
I just installed ultralytics using the anaconda prompt and pip following the quickstart guide. When I tried to run the test code yolo predict model=yolov8n.pt imgsz=640 conf=0.25. Aside from a few ...
-1
votes
1
answer
688
views
YOLOv10 custom training - import YOLO or YOLOv10? [closed]
I wish to apply a custom-training with YoloV10n on a dataset I have (I've been using YoloV8 until now), but I'm not sure wether to use/import YOLO or YOLOv10.
I've initially tried to use YOLOv10, and ...
1
vote
0
answers
132
views
YOLOv10: how to interpret training progress info?
I'm training YOLOv10 with this code:
model.train(
.........
epochs=250,
batch=16,
verbose=True,
save=True,
save_period=1,
time=4,
.........
)
I'm trying various VM/GPU options to ...
1
vote
1
answer
2k
views
when I was trying to import yolo from ultralytics
I have already installed ultralytics but its is not working and shows oserror. what is wrong with my system, I want to know, and how can I fix it
-------------------------------------------------------...
0
votes
0
answers
37
views
Bounding boxes/image detection are inaccurate when using Ultralytics YOLOv8 [duplicate]
When using yolov8x-obb the bounding boxes and image detection are inaccurate. How do I fix this issue?
This is my code
from ultralytics import YOLO
model = YOLO('yolov8x-obb')
results = model("...
0
votes
1
answer
103
views
Why does copy/pasting multiple commands from Notepad to CMD cause characters to be lost?
I am testing a python script with multiple images.
I am using argparse python library.
python src\main.py -p 'complete\path\img1.jpg'
python src\main.py -p 'complete\path\img2.jpg'
python src\main.py -...
0
votes
0
answers
153
views
YOLO is not predicting the given image properly
I am trying YOLO for the first time.
I am following a video tutorial, and I wrote exact the code he wrote, but it is not working for me, and I have no idea why.
from ultralytics import YOLO
import ...
0
votes
1
answer
249
views
How do I work with the result of model.predict in yolov8 with a webcam?
I have my webcam set up to be the input for my model.predict() function and want to trigger some code if the function detects a certain object. The model.predict() function does not seem to ever ...
5
votes
2
answers
1k
views
A lot of incorrect detection using YOLOv8
I was trying to run YOLOv8 using visual code studio. Installed ultralytics and ran yolo predict model=yolov8n.pt source='https://ultralytics.com/images/bus.jpg' on the vs code terminal.
However the ...
1
vote
1
answer
385
views
How to specify where to save the file in model.predict()?
Here is my code:
from ultralytics import YOLO
model = YOLO('best.pt')
results = model.predict(
source = '/Users/sereentaleb/Desktop/download.jpg',
save=True,
conf=0.25
)
This script will ...
0
votes
1
answer
77
views
np.fromfile given django request.FILES element: io.UnsupportedOperation: fileno
in django i want to receive a file from a form and then pass it to a function, then do some OCR with it. but i get the io.UnsupportedOperation: fileno error.
here is part of views.py:
@login_required(...
0
votes
1
answer
2k
views
Ultralytics YOLOv8 throwing no labels found error when trying to train
I was trying to use Ultralytics' YOLOv8 model for instance segmentation on a custom dataset. While running the training, it throws an error that says all labels were empty in label.cache and thus ...
0
votes
2
answers
1k
views
yolov10n.pt generates error during prediction
Based on following site: prediction based on yolo
I have implemented the following code:
from ultralytics import YOLO
# Build a YOLOv6n model from scratch
model = YOLO("yolov10n.pt")
...
0
votes
1
answer
1k
views
Run Yolov8 for Python 3.6
Yolov8 is build to run with 3.8 or above and pip install ultralytics is not compatible with prior versions.
I have the constraint of using a prior version of Python to execute the code on a ...
0
votes
0
answers
308
views
OSError: (WinError) 126 The specified module could not be found. Error loading
from ultralytics import YOLO
model = YOLO("yolov8n.yaml") # build a new model from scratch
model.train(data="data.yaml", epochs=1) # train the model
Traceback (most recent call ...