4,494 questions
Tooling
0
votes
1
replies
56
views
Object detection + metric depth on mobile for outdoor navigation (blind users)
I’m building a mobile navigation app (android) for blind users. Two core features needed:
real-time detection of outdoor objects (cars, benches, curbs, stairs, pedestrians) on the phone camera.
a ...
-2
votes
0
answers
55
views
Where can I download free Side-Scan Sonar (SSS) data in .XTF or .HDF5 format? [closed]
I am working on a project that requires Side-Scan Sonar (SSS) data.
I specifically need files in .XTF (Extended Triton Format) or .HDF5 format to test my Python code for sonar processing.
I searched ...
2
votes
2
answers
107
views
How to detect a B/W icon inside a colored dashboard photo when scale/rotation/color differ (OpenCV, Python)
Problem:
I need to check whether a small black-and-white icon (template) appears inside a large, colored dashboard photo.
The icon in the photo may differ from the template in color, scale, small ...
0
votes
1
answer
85
views
Cannot calculate confusion matrix utilizing supervision from roboflow for Yolov8 model
I am trying to calculate the confusion matrix for my yolov8 (or yolov11) model utilizing supervision from roboflow. I found some instructions but they do not seem to be crystal clear. For example ...
1
vote
1
answer
123
views
How can I find the contour of a box with a diagonal inside using OpenCV
I have to find the contours of boxes.
Some boxes have diagonal inside of them. I try to remove diagonal but I think it isn't answer.
Here are the images those I preprocessing and contour result. Only ...
1
vote
2
answers
138
views
How do I train an object detection model using Torchvision's pre-trained models?
I read the torchvision API documentation using pre-trained models for object detection. This is an example they have included:
from torchvision.io.image import decode_image
from torchvision.models....
5
votes
1
answer
190
views
Extracting the colors on the face of a stickerless Rubik's cube
I am tasked with the problem of finding the colors on the face of a stickerless Rubik's cube using OpenCV but I can't figure out what the best way might be to do so.
I tried to look at various ...
1
vote
1
answer
125
views
Why I am not able to get exact matches when I perform template-matching?
I am performing a simple template matching but for the life of me I still not able to find out why I am not getting correct matches.
I've tried without converting to grayscale and to remove the alpha ...
3
votes
3
answers
311
views
Image detection with rotation (2D)
I try to find the best way to detect images with the rotation. Without rotation cv2.matchTemplate works pretty fine, but I found no function for rotated images.
I need the position and angle of the ...
-1
votes
1
answer
110
views
YOLOv8 recognition under motion blur [closed]
I am currently developing a robot that uses YOLOv8 for real-time object detection based on the video captured by the robot’s camera. However, when the robot rotates, the input image becomes blurred, ...
0
votes
0
answers
177
views
How to covert pytorch to rknn?
I have exported the yolov5s PyTorch model from ultralytics/yolov5 and converted it to ONNX, using Google Colab, so that I can convert it to rknn in my rk3588 Radxa Rock 5c module.
%cd /content/
!pip ...
0
votes
1
answer
315
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
51
views
Get Object Detection results from Edge export TFJS model, bin & dict in Express/Node API
I have exported my VertexAI model to TFJS as "edge", which results in:
dict.txt
group1_shard1of2.bin
group1_shard2of2.bin
model.json
Now, I send an image from my client to the Node/Express ...
0
votes
0
answers
166
views
How to detect custom arrow shapes in OpenCV?
The problem
As shown in the image, I am trying to detect road marking arrows in images using OpenCV. The arrows are always of the same size and shape but can appear in different orientations.
These ...
1
vote
0
answers
111
views
Inconsistent Canny Edge Detection under varying lighting – How to improve preprocessing?
I'm working on an object detection project in C++ using OpenCV. Specifically, I capture an image (e.g., coins on a background) and then try to detect them via Canny edge detection and contour ...
0
votes
2
answers
266
views
Issue with Object Detection Results in Java using YOLOv5 ONNX Model
I trained a neural network for object detection using YOLOv5 and exported it to the ONNX format, as I need to use it in a Java application. However, I am encountering issues with incorrect class IDs ...
1
vote
0
answers
128
views
Tflite Detection Postprocess Explanation
I am trying to replicate the working of TFLITE_DETECTION_POSTPROCESS layer for a custom object detection model.
Does anyone has any reference for TFLITE_DETECTION_POSTPROCESS layer implementation in ...
0
votes
0
answers
112
views
Pill counting using only opencv
I am trying to make a pill counting model using only opencv so far I have tried to use otsu's method of thresholding to get dynamic thresholding values but it didn't worked out, I have used Contrast ...
0
votes
0
answers
95
views
Implementing class activation maps for models in Tensorflow Object Detection API
I need to implement CAM for a model trained on the base model ssd_mobilenet_v2_320x320_coco17_tpu-8 in the pre-trained Object Detection Zoo.
How could I accesses the layers and other fields necessary ...
1
vote
0
answers
67
views
How do I use Open3D to use it for image recognition?
I'm trying to use Open3D for image recognition. I want to detect the block, then put a square around it (I have a ply with 524288 points). I'm using the Intel real sense d435 as the camera.
I turned ...
2
votes
0
answers
156
views
How to use a self trained YOLO OBB model in Xcode without multiarray output
I'm new to Xcode and have some trouble getting my model into an appropriate format.
I have quite a similar problem as in this unanswered
question but for OBBs:
I trained a YOLOv8n-obb model on a ...
0
votes
2
answers
135
views
Batch Prediction for Object Detection Auto ML took so long
I want to predicting using Batch Prediction in Vertex AI. My script runs normally before and has no issue, but somehow a few days ago, without any changes in my script, the batch prediction elapsed ...
0
votes
0
answers
51
views
How to best pre-process this image so the faint cell border is the most visible?
I have tried using ImageJ/Fiji but I am not sure how to best de-noise the image. I tried using the denoise function in Fiji to no avail. I was wondering if I could get some guidance. I was informed I ...
0
votes
0
answers
51
views
Finding & Cropping to focused subject
I'm currently trying to find a method to find the subject (the character) of an sprite, preferably with JS.
Originally I thought of finding the part of the image with the most pixel density, though I'...
-2
votes
2
answers
88
views
Ideas for Extracting Blade Tip Coordinates from masked Wind Turbine Image [closed]
I am looking for image processing tools in python to get the coordinates from the Blade Tips of a Wind Turbine, in this case a small model of one. The blades already get segmented by a yoloV8 ...
1
vote
0
answers
91
views
Roboflow Annotation for YOLO
We are using YOLO for object detection in satellite images to detect greenhouses.
I'm annotating images through Roboflow. I've downloaded satellite images with different zoom levels. (zoom level means ...
1
vote
1
answer
601
views
How to extract bounding box coordinates from grounding dino's predict function?
The boxes returned by the predict function doesn't seem to be of normalized form, even after multiplying with the image width and height i can't get the coordinates of the bounding boxes.
import torch
...
0
votes
1
answer
816
views
Use YOLO OBB coordinates to crop rotated objects in opencv
Problem:
I am developing a model to detect objects on a custom dataset using YOLO OBB (Oriented Bounding Box), and then I want to extract the text using EasyOCR. For this, I need to work with the ...
2
votes
1
answer
101
views
How to detect (most) mortared stones with OpenCV findContours
I need to correctly outline as many as possible of the mortared stones in a street zone. The code below correctly detects some of them in the stones image "in.jpg", but it is not obvious why ...
0
votes
0
answers
101
views
Data Loader from CSV in TensorFlow Model Maker takes time too long
I've been working for Object Detection using Tensorflow Model Maker. I used DataLoader.from_csv to load my csv file, however the running time takes too long. In my case, I got around 30 minutes.
My ...
1
vote
0
answers
119
views
How to Integrate Object Detection Model with Augmented Reality (AR) in Android?
I am working on an Android application where I want to integrate an object detection model with Augmented Reality (AR). My current setup is working fine with a normal CameraX implementation. However, ...
0
votes
0
answers
43
views
Problems detecting cardboard boxes with OpenCV
I am developing an application to detect cardboard boxes with a 3d camera. After rasterising the image to get a 2d image of a particular plane from the point cloud I got this.
enter image description ...
2
votes
1
answer
66
views
identify how many times same vehicle was captured in the provided video [closed]
Working on Video analysis assignment where I need to capture how many times same vehicle was captured in given video.
So far using YOLO11 was able to identify the vehicles such cars, bike, bus & ...
1
vote
0
answers
243
views
Changing color of segments from YOLO segment predicted images
I am working on an object detection project, detecting three types of objects in a set of images. This image shows a Sample of yolo segment model prediction model image.
The issue I have is that ...
2
votes
0
answers
53
views
Error processing frame: failed to allocate memory [Op:AddV2] - Deepface object detection
i'm a newbie to object detection, we wrote a script to identify gender and age of a person using the deepface library and then adds trackers using the Sort library.
The code works well on the CPU and ...
2
votes
0
answers
441
views
Yolov11 model running slow through webcam
I'm using yolov11 to train a model to recognize a toy truck. I followed the steps in this EXCELLENT youtube video, and I have a working model build off of yolov11m.pt.
I'm using the following ...
1
vote
0
answers
58
views
Mismatch 'target' and 'output shape' on object detection using ssd and mobilenetv2
I try to train custom object detection model using ssd and mobilenetv2, though the ssd_loss functions seems mismatch the output shape of the model. how do i fix it ?
model preparation
import ...
2
votes
1
answer
108
views
OpenCV SSD MobileNet V2 Model: No Object Detection Despite Confidence Threshold
I'm using a Basler camera with OpenCV's DNN module to run an SSD object detection model (mobilenetv2_050_Opset18.onnx) with CUDA support enabled on c++. The Basler camera is correctly capturing frames,...
1
vote
1
answer
94
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>()
...
1
vote
0
answers
179
views
How to make cropping when doing motion-tracking look super smooth? (using OpenCV and yolo v8)
I'm using yolo to track a face in a video on a frame by frame basis, and then I'm using OpenCV to crop the video (with some padding) around the speakers face so it creates a motion tracking type ...
1
vote
0
answers
60
views
Issue with Pytorch -> CoreML convertion for SSD Mobilenetv3 Object Detection Model
My objective is to develop a object detection model for iOS and Android. I have trained an SSD Mobilenetv3 model with Pytorch framework using Coco format dataset. I have trained it from the official ...
1
vote
0
answers
35
views
EfficientdetD0. The huge values of the loss function
I'm trying to train my EfficientdetD0 model, but the loss function values are in the billions.
My code:
import torch
from torch.utils.data import DataLoader
from torchvision.datasets import ...
0
votes
1
answer
112
views
matchTemplate() missing detections and giving false positives, what can I do?
I'm trying to use opencv to detect objects in a video game. I have grabbed the image as a png and trimmed it so that the background is transparent, and yet, it only detects it at threshold levels ~ 0....
0
votes
1
answer
32
views
link to tensorflow object detection dependencies
Please advise a link to list of libraries on which TensorFlow Object Detection API depends. in order to install each and every dependencies before moving forward
1
vote
0
answers
67
views
Need help getting the relative height from the camera to an object
I have a robot with a Intel RealSense D435 (a depth camera) and want to estimate the position of an detected object. However, the cam is rotated at a 30° angle. When I detect an object, I can ...
0
votes
1
answer
352
views
Yolo 11 nano dataset structured incorrectly
I'm new to working with Yolo and trying for the first time to structure my database. This is how my directory is structured.
Project_Name/
├── datasets/
│ ├── images/
│ │ ├── train/ ...
0
votes
0
answers
105
views
Convert Yolov4-tiny model weights to tflite
I have trained a YoloV4-tiny object detecion model using darknet by referring this tutorial. My images are of size 1024x64.
I got yolov4-tiny_custom_training_last.weights as output.
I want to convert ...
0
votes
1
answer
2k
views
Dataset format mismatches between Ultralytics YOLOv8 training and Label Studio exported
I used Tensorflow before and am new to PyTorch and Ultralytics YOLOv8. I recently learnt to train (fine-tune) the YOLOv8 object detection model to fit my own dataset. However, the official ...
-1
votes
1
answer
126
views
How to Clean (Denoise) an Image using opencv?
I am trying to detect only the bigger letters and trying to save them in a plane(imagine it as a black board and i am trying to print the bigger letter in it).
Steps i did so far
converted the image ...
0
votes
1
answer
56
views
Deepstream using Flask server with React comnunication
Want to stream (from a webcam) from React to Flask
Inside Flask send any frame to Deepstream, on each frame apply (at least) a grey filter (after that I will apply some detector and tracker)
The ...