2,480 questions
0
votes
0
answers
121
views
Dynamic Preprocessing for Captcha Image Segmentation
Problem Description:
I am working on automating the solution for a specific type of captcha. The captcha consists of a header image that always contains four words, and I need to segment these words ...
1
vote
2
answers
101
views
Remove circular white pixels after thresholding
I would like to remove the circle surrounding the retinal blood vessels to keep only the interior.
This is the source image where I applied segmentation. I want to remove the large white circle.
...
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
1
answer
102
views
Canny detection contours and extract points from edges in Julia
I have a such task: in image find for each pore (or blob) perimeter
of contour. So, each contour I have to consider polygon (approximation) with some step value (distance between points) (for example ...
0
votes
0
answers
108
views
Segment-geospatial error in sam.predict: NoneType object is not subscriptable
I am using the library segment-geospatial to try and segment some plants in a raster image I have.
image = '/content/drive/MyDrive/myimage.tiff'
sam = SamGeo(
model_type="vit_h",
...
0
votes
1
answer
78
views
Detect close/open region for binary image [closed]
I have binary images, and I would like to know if a given dark (0) pixel is inside a closed region (the pixel is surrounded by a closed line of bright pixels) or open region (there is a path of dark ...
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 ...
3
votes
1
answer
450
views
Implementation of F1-score, IOU and Dice Score
This paper proposes a medical image segmentation hybrid CNN - Transformer model for segmenting organs and lesions in medical images simultaneously. Their model has two output branches, one to output ...
2
votes
1
answer
86
views
How to get an ordered list of vertices defining an island/region in a heightmap array
So I'm trying to create my own navmesh right now for fun. I've been able to construct a heightmap where each cell stores whether it's walkable(blue) or unwalkable(red).
Heightmap Visualization
What I ...
-1
votes
1
answer
45
views
Handling Absence of Color Data in 3D Mesh Neural Network Input [closed]
Context: I am using this neural network architecture developed by researchers called Dual Pyrimad Graph for a mesh segmentation task. The network expects the input to have 6 values: XYZ and RGB. I am ...
2
votes
0
answers
78
views
Fuzzy C-means : All clusters centers converge to the same point after the first centroids update
I am implementing Fuzzy C-means to work with image segmentation following the given algorithm :
However when updating the centroids (this is the first thing that I do) all clusters centers converge ...
0
votes
0
answers
27
views
binary image surface coverage calculation yields inconsistent results despite correct visual appearance
I’m working with a binary image generated from a microscopy image where I’m trying to calculate the surface coverage of stack-like structures (cells). The image visually shows these structures ...
-5
votes
2
answers
269
views
How can I segment the handwritten lines in this type of documents? [closed]
This is the document page. I want to segment the 10 handwritten lines perfectly and then crop it to save it to train my model.
What methods can I use??
I don't want to make my own model to segment ...
0
votes
1
answer
103
views
Masking in ndimage binary_closing
I have two images:
A binary outline of some structure (outline).
Some surfaces inside this structure (surface).
I want to merge those two images in a way that will leave no holes between them. To ...
0
votes
0
answers
75
views
OpenCV findContours() only draws round area around object, doesn't detect actual contour
I am trying to create an automatic instance segmentation dataset generator using Unity and OpenCV for Unity. Basically, the app takes pictures of objects at different angles and lighting situations ...
0
votes
0
answers
93
views
Detecting circles using openCV in python
I'm trying to write a script that will identify the circles projected in concentric rings of light. I realize the image is not the best quality, but I'm hoping to still find a way to identify the ...
0
votes
0
answers
84
views
How to clear the binary mask?
I have obtained a binary mask using segmentation model in pytorch. I want to remove these small patches from the masks and make it clean. There should not be any misclassified pixels. The masks ...
2
votes
3
answers
194
views
How to identify spots in a noisy mono color image using OpenCV and C++?
I have a noisy image with several bright spots that I need to identify and analyze. I've tried using simple thresholding techniques, but the noise level is too high, and it's difficult to isolate the ...
0
votes
1
answer
500
views
YOLOv8 plotting labels issue, satellite imagery data
I have an issue with the YOLOv8 training output (from ultralytics), specifically the drawing of the labels (not the predictions). I do have a dataset of satellite imagery, where there is (segmentation)...
0
votes
1
answer
258
views
Merge and subtract annotations in COCO segmentation json format
I'm new to Python and machine learning and I have the following problem: I have annotated data in the COCO .json format. In this case, it is the surface area of corals on underwater photos that are ...
0
votes
0
answers
123
views
Contour detection with dicom imaging
I am currently working on image segmentation on dicom files, and I will have to distinguish between areas of the image, but due to the image noise, its hard to find the big faint square.
this is the ...
0
votes
2
answers
45
views
How to autoselect a result from a list
This is the output of my Segment Anything Model:
These are the segmentation results:
masks = [
mask['segmentation']
for mask
in sorted(sam_result, key=lambda x: x['area'], reverse=True)
]
...
0
votes
0
answers
441
views
How to apply Grad-CAM on my custom Model in Pytorch?
I have this model for brain tumor detection project.
I want to add Grad-Cam, but Most of implantations are in TensorFlow and the ones that are in Pytorch are in known models not customs.
I want to ...
0
votes
0
answers
124
views
How do I add a bias to the last layer in my model if my model outputs logits and not probabilities?
I'm working on a medical image binary segmentation problem using a U-Net in tensorflow, and my classes are extremely unbalanced (about 1 in 10,000). As a result, my model wastes a ton of time going ...
0
votes
0
answers
143
views
Low contrast high resolution segmentation
So, I've been working on a segmentation project for about a year now. I've got a few methods which I'm applyiing to segment these images. Using saturation or luminance channels have been working fine ...
1
vote
0
answers
107
views
3D segmentation mask bounding box and removal of unwanted voxels
I have a 3D segmentation mask, and I want to resize it to the dimensions of the ROI and remove the unwanted voxels around it.
This is my code for creating the 3D bounding box around the region but it'...
0
votes
0
answers
96
views
Determine corner coordinates and Draw contours in OpenCV
Binary mask:
Expected image:
I am working on OpenCV-Python and I have an binary image below.
Next I have an "expected" image that has the contours on it. In this example image, it has 5 ...
0
votes
0
answers
29
views
Imbalanced Diabetic Retinopathy Segmentation: Overfitting and Loss Function Choice
I'm training a U-net model for segmenting microaneurysms in diabetic retinopathy images. The dataset is imbalanced, with the background class (healthy tissue) dominating at around 96% and the ...
-1
votes
1
answer
87
views
Can't get torch model to run on GPU even though it's a recognized device
I'm using resnet18 for for grounded image semgmentation but when I pass the input to the model I get this torch error:
RuntimeError: Input type (torch.FloatTensor) and weight type (torch.cuda....
1
vote
0
answers
50
views
Performing Eulerian flow analysis on this problem
I am attempting to find the governing equation for the Position(x,y,t) and Orientation θ(x,y,t) of these pellets, which collectively behave as a fluid. To perform flow analysis and find governing ...
0
votes
2
answers
149
views
Runtime Error: The size of tensor a (524288) must match the size of tensor b (131072) at non-singleton dimension 0
I'm trying to perform leaf disease image segmentation using Github code. Here is the code, i am facing this issue "The size of tensor a (524288) must match the size of tensor b (131072) at non-...
1
vote
1
answer
2k
views
"RuntimeError: Cannot access data pointer of Tensor that doesn't have storage" when using PyTorch vmap
Let's say I have a segmentation model (model) and I want to batch transform its predictions to pillow images. And, for simplicity, let's say everything is done on CPU (no GPU involved).
If I do:
...
0
votes
0
answers
49
views
How to convert the contour of a road marking line into a curve that follows the marking?
I'm using segmentation to detect road marking lines using the YOLOv8n-seg model. The segmentation mask represents the coordinates of the mask contour points in the image.
segmentation of road marking ...
0
votes
0
answers
46
views
Object Detection in MATLAB with a polygon >>4
I'm trying to modify the code provided to successfully detect the elephant in the desk image. It is expected to identify the region containing the object of interest with a polygon (number of edges &...
0
votes
1
answer
261
views
mean Intersection over Union function to evaluate similarity of two images problem
I am asked to develop an image processing pipeline using OpenCV python to segment a flower from a dataset of plant images and evaluate the images produced with the ground truth images. However, ...
0
votes
0
answers
88
views
Resume image segmentation
I'm trying to segment different templates of resumes (split resumes, normal resumes) using Python. The issue here is that sometimes the segmentation method is not splitting certain fields correctly, ...
0
votes
0
answers
213
views
How can I display nii.gz segmentation data into 3D model on website?
I tried to use three.js to display nii.gz images but it was a headache.
I don't know what I did wrong so I tried another method which is generate the 3D model using python. I was using MyVi but there ...
0
votes
3
answers
679
views
OpenCV Image processing pipeline to segment a flower from a plant image
I am asked to develop an image processing pipeline using OpenCV python to segment a flower from plant images. But I still have problems getting the accurate binary image. I'm given a data set of ...
0
votes
0
answers
57
views
Segment lighter region outside a darker region
I am doing a project in medical image segmentation.
For example, I have the segmentation mask for the darker region circled in red (already have a NN trained for its segmentation). I would like to ...
0
votes
0
answers
153
views
Obstructed/Incomplete quadrilateral detection with OpenCV
I want to detect quadrilateral with OpenCV.
Shape might not be in diffrent colour than surface. e.g, It could be a rectangle hole on the surface.
My current approach works great when:
The object is ...
0
votes
0
answers
79
views
Warning everytime i try to use DeepSort
i'm using Mask R-CNN to segment cells in frames of videos, then the segmented cells are tracked by DeepSort. The tracker is actually working, the problem is that sometimes it's not able to track some ...
0
votes
0
answers
165
views
Efficiently removing overlapping regions from a segmentation image using rectangle coordinates in C++
I'm working on a project where I have a segmentation image represented in a world frame, along with the coordinates of rectangles defined by their centers and corners within the same world frame. I ...
0
votes
1
answer
834
views
Is there any way to export polygon coordinates of the mask of a Yolo v7 model?
I am training a Yolo v7 model on a dataset that I annotated, using Wong Kin Yiu's repository. The goal is to create a mask of the heart during surgery. I have had success with the model creating the ...
1
vote
1
answer
262
views
Apply the exact same transformation to two images using Torchio
I want to apply the exact same transformation to two images (image and segmentation data) using torchio. Both these images are stored in numpy arrays called image_data and segmentation_data.
So far, I ...
0
votes
1
answer
69
views
Unable to get contour when bounding boxes are not overlapping
I have some sprite sheets. In some cases, the bounding boxes of the sprites are overlapping, even though the sprites themselves are not overlapping:
In other cases, the bounding boxes are not ...
0
votes
1
answer
130
views
Segmentation mask turn into 1-dimensional array after being put into keras data generator
I was trying to create a segmentation model using a plane image dataset from https://www.kaggle.com/datasets/metavision/accurate-plane-shapessegmentation?resource=download
Both images and mask are ...
0
votes
1
answer
110
views
Why do my model predictions show zero variance for multiple predictions when using Monte-Carlo dropout?
I am working on an image segmentation CNN using Keras (pytorch backend if that matters). I am basing my code off the UNET segmentation code (here which utilizes Monte-Carlo dropout during predictions ...
0
votes
0
answers
337
views
Cropping Image using Segment anything model
IMAGE_PATH = "Akher-Saa-001-1934_Page_05.jpg"
import cv2
from segment_anything import SamAutomaticMaskGenerator
import torch
from segment_anything import sam_model_registry
import ...
0
votes
0
answers
150
views
Will training the model with cropped images will be able to detection and segmentation on original image?
I am working on a model to detect and segment cracks on a timber. I have very large size .tif files (5gb), to overcome the problem of size, I converted the images from stack to RGB and then cropped ...
0
votes
1
answer
77
views
Form based segmentation
Is there a segmentation algorithm that is not based on pixel intensity but rather form of the resulting shapes? Imagine a grayscale image where simpler forms like Ellipses and curved lines are ...