Skip to main content
Filter by
Sorted by
Tagged with
Tooling
0 votes
1 replies
56 views

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 ...
Mays Al-reem's user avatar
-2 votes
0 answers
55 views

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 ...
Hrithikc's user avatar
2 votes
2 answers
107 views

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 ...
Dũng Hoàng's user avatar
0 votes
1 answer
85 views

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 ...
Eypros's user avatar
  • 5,737
1 vote
1 answer
123 views

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 ...
Lee Minhyeung's user avatar
1 vote
2 answers
138 views

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....
user31005134's user avatar
5 votes
1 answer
190 views

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 ...
Tripaloski's user avatar
1 vote
1 answer
125 views

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 ...
zaxunobi's user avatar
  • 962
3 votes
3 answers
311 views

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 ...
HEP's user avatar
  • 63
-1 votes
1 answer
110 views

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, ...
Limit 's user avatar
  • 83
0 votes
0 answers
177 views

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 ...
kennedy Kamotho's user avatar
0 votes
1 answer
315 views

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 ...
ofhgof's user avatar
  • 1
-1 votes
1 answer
51 views

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 ...
Phil Lucks's user avatar
  • 4,162
0 votes
0 answers
166 views

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 ...
J01's user avatar
  • 153
1 vote
0 answers
111 views

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 ...
Markus Trost's user avatar
0 votes
2 answers
266 views

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 ...
CoffeeCoding's user avatar
1 vote
0 answers
128 views

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 ...
Desmond's user avatar
  • 415
0 votes
0 answers
112 views

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 ...
rushi jhala's user avatar
0 votes
0 answers
95 views

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 ...
katanta's user avatar
  • 19
1 vote
0 answers
67 views

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 ...
The God Of Vaxon's user avatar
2 votes
0 answers
156 views

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 ...
user29544379's user avatar
0 votes
2 answers
135 views

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 ...
Krisna Gita's user avatar
0 votes
0 answers
51 views

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 ...
Han-Jiun Ke's user avatar
0 votes
0 answers
51 views

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'...
gianni's user avatar
  • 125
-2 votes
2 answers
88 views

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 ...
Niklas's user avatar
  • 15
1 vote
0 answers
91 views

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 ...
Akila premarathna's user avatar
1 vote
1 answer
601 views

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 ...
Leroy Jeslyn's user avatar
0 votes
1 answer
816 views

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 ...
CA11's user avatar
  • 9
2 votes
1 answer
101 views

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 ...
Nicolas's user avatar
  • 23
0 votes
0 answers
101 views

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 ...
Krisna Gita's user avatar
1 vote
0 answers
119 views

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, ...
Dinesh Radhakrishnan's user avatar
0 votes
0 answers
43 views

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 ...
david's user avatar
  • 1
2 votes
1 answer
66 views

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 & ...
anandyn02's user avatar
  • 465
1 vote
0 answers
243 views

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 ...
Izzy's user avatar
  • 21
2 votes
0 answers
53 views

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 ...
Leroy Jeslyn's user avatar
2 votes
0 answers
441 views

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 ...
Seth Bowers's user avatar
1 vote
0 answers
58 views

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 ...
Sloppy_pandas's user avatar
2 votes
1 answer
108 views

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,...
MustafaVisys's user avatar
1 vote
1 answer
94 views

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>() ...
Charles's user avatar
  • 27
1 vote
0 answers
179 views

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 ...
Thomas Lancer's user avatar
1 vote
0 answers
60 views

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 ...
Ria Ghosh's user avatar
1 vote
0 answers
35 views

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 ...
Osa's user avatar
  • 21
0 votes
1 answer
112 views

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....
h0tdawgz132's user avatar
0 votes
1 answer
32 views

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
Khaled Saleh's user avatar
1 vote
0 answers
67 views

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 ...
Poguinho's user avatar
0 votes
1 answer
352 views

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/ ...
4-4's user avatar
  • 15
0 votes
0 answers
105 views

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 ...
mj01's user avatar
  • 31
0 votes
1 answer
2k views

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 ...
Yiming Designer's user avatar
-1 votes
1 answer
126 views

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 ...
SUMAN SINGH 2018-2022 CSE A's user avatar
0 votes
1 answer
56 views

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 ...
Legopart -'s user avatar

1
2 3 4 5
90