Skip to main content
Filter by
Sorted by
Tagged with
0 votes
0 answers
14 views

Image quality not reducing when I try to implement the given Mean structural similarity best-case/worst-case validation model in a paper

Im currently trying to implement the mathematical models in the paper " Image Quality Assessment: From Error Visibility to Structural Similarity" by Zhou Wang. At section IV.A the author ...
Duong Tran's user avatar
3 votes
2 answers
137 views

With Python, how to apply vector operations to a neighborhood in an n-D image?

I have a 3D image with vector components (i.e., a mapping from R3 to R3). My goal is to replace each vector with the vector of maximum norm within its 3x3x3 neighborhood. This task is proving to be ...
static_rtti's user avatar
0 votes
2 answers
511 views

How to solve this ERROR: Could not find a version that satisfies the requirement torch==1.6.0?

I'm using a demo on Colab notebook called Deep Exemplar Based Video Colorization. https://colab.research.google.com/drive/1Y1XTlTdUG-2LzrH1Vnr_osg9BQavfYsz?usp=sharing Worked swimmingly for four years ...
Stevie Mack's user avatar
2 votes
1 answer
103 views

multiprocess with joblib and skimage: PicklingError: Could not pickle the task to send it to the workers

I'm trying to parallelize the task of finding minimum cost paths through a raster cost surface, but I keep bumping into the same PicklingError: Could not pickle the task to send it to the workers. ...
Carla S.'s user avatar
0 votes
1 answer
41 views

Python skimage: Turning grayscale image array into float makes the image use color instead of grayscale

When using the skimage.io module in python to read an image in grayscale, it works as intended. However, doing anything to the numpy array holding the values which results in them changing to float ...
Max Goodman's user avatar
0 votes
0 answers
54 views

Saving region properties from skimage.measure to a pickle file raises RecursionError: maximum recursion depth exceeded

In my analysis code, I am performing some image properties analysis using skimage.measure.regionprops. In order to save processing time, I would like to save the region properties to a file and I was ...
toto's user avatar
  • 313
0 votes
0 answers
23 views

Import skimage.draw error when training MRCNN model

I'm new to this and I'm trying to implement a MRCNN model using these resources: https://github.com/soumyaiitkgp/Custom_MaskRCNN/tree/master https://engineering.matterport.com/splash-of-color-instance-...
user27361408's user avatar
0 votes
0 answers
88 views

Adjoint of the Radon transform by non-filtered backprojection in scikit-image

The function iradon of scikit-image implements the filtered backprojection of the Radon transform. By setting filter_name = None one get an unfiltered backprojection. I was expecting that this will be ...
Dirk's user avatar
  • 101
0 votes
1 answer
99 views

How to remove burrs after extracting the image skeleton?

I have a binary image, and I used the skeleton method in the Skimage library to extract skeleton lines. However, there are many burrs on both edges, and I want to remove and delete these burrs. This ...
Abukeram's user avatar
0 votes
1 answer
388 views

problem installing pip install scikit-image==0.21.0

I'm getting an error when trying to install scikit-image on win11 x64. I have installed VS build tools and I'm running Python 3.10.0 (needs to be this version). C:\Rope>pip install scikit-image==0....
Nick9one1's user avatar
2 votes
1 answer
58 views

What does the skimage.measure.find_contours method return?

I have a CSV file containing geometric data of the point type. I would like to obtain the contour lines for this terrain model. The algorithm works well to give me a result, but I don't understand the ...
Maxouch742's user avatar
-1 votes
1 answer
116 views

Problem in extracting human silhouettes from a segmented image (felzenszwalb)

I am currently working on extracting binary silhouette of people in an image in the publicly available UT interaction dataset. I have applied felzenszwalb's segmentation on the image to divide the ...
Hamdan Azhar's user avatar
2 votes
0 answers
52 views

Is scikit-image resize() affected by the bit depth of the image?

I'm trying to preprocess some data for a computer vision project, and I've been doing so by resizing all the images in a directory. Before flattening them and creating a numpy array containing said ...
Jason Li's user avatar
0 votes
1 answer
86 views

compare numpy array against list of values

I would like to have your help about a problem I have with a numpy array. In my code I have a huge array made of integers, this is the result of a skimage labelling process. The idea is that I want to ...
toto's user avatar
  • 313
-1 votes
1 answer
128 views

Fitting outer edge of a rough rectangle with rounded corners

I have detected edges of an image with openCV (shown with green points) as edges = cv2.Canny(gray, canny_0, canny_1) kernel = np.ones((int(kernel_size), int(kernel_size)), np.uint8) ...
Loma Harshana's user avatar
0 votes
1 answer
106 views

UserWarning: Low image data range; displaying image with stretched contrast

My code: import numpy as np # import matplotlib.pyplot as plt from skimage.io import imshow array_1 = np.array([[255,0],[0,255]]) imshow(array_1, cmap = 'gray') Output I get: UserWarning: Low image ...
John S's user avatar
  • 1
0 votes
0 answers
54 views

iradon and iradonsart function in scikit-image package

i'm trying to do a PET experiment in my university lab. I'm using the iradon and iradonsart function from the scikit package to reconstruct the position of my point like source. My problem is that the ...
Andrea Del Contrasto's user avatar
1 vote
0 answers
91 views

Use Sauvola for a already binarized image

I want to use Sauvola for multiple iteration of the same image with different parameters. However, it doesn't work, because the image doesn't change at all in the second binarization, as seen in the ...
Prometheus's user avatar
0 votes
0 answers
103 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 ...
Thanos Tsalas's user avatar
1 vote
1 answer
114 views

Finding faces with skimage.measure.marching_cubes returns in weird offset based on meshgrid limits

A collegue of mine recently tried to visualise strain moduli using matplotlib. If you do not know what that is: Here's a link if you are interested. https://www.degruyter.com/document/doi/10.1524/zkri....
J.Doe's user avatar
  • 434
1 vote
0 answers
73 views

Saving tensorflow dataset extremely slow after applying filter

Relatively new to tensorflow here, and I am facing an issue where I have not yet managed to find a good answer through searching. So here goes: I am trying to understand why applying a filter function ...
AstroAT's user avatar
  • 502
-2 votes
2 answers
104 views

Geopandas Swirl like in Scikit-image?

I am wondering if there is a way to transform a geopandas dataframe similar to what Scikit-image does with Swirl? Edit: Thanks again, @Timeless and all, my head is swirling. I am making progress, but ...
JoScratcherJo's user avatar
0 votes
1 answer
40 views

Connecting find_contours at the edge of an Image

Trying to use this code: https://scikit-image.org/docs/stable/auto_examples/segmentation/plot_regionprops.html Problem is if the object falls off the image, that it doesnt close the contour to the ...
ewittry's user avatar
  • 79
1 vote
1 answer
75 views

How do I fill in the Circles detected using Hough transform?

using edge detection using hough detection I'm using Hough circle detection to detect a circle over a binary optic cup region. Using the code below, I can fill in the circle but the lines of canny ...
Rishhh's user avatar
  • 11
0 votes
0 answers
7 views

Error processing image dataset\train\image\ff8bf1417c.png: No skimage.transform attribute extract_patches --

patches = transform.extract_patches(image, patch_size=(patch_size, patch_size)) patches = patches.reshape(-1, patch_size * patch_size) this is my code wher e i am getting errorr(Error processing image ...
dhruv's user avatar
  • 11
0 votes
0 answers
59 views

Find Gradient Magnitude using skimage.feature.hog module

I am trying to print total gradient magnitude for 100 in the below array img=[[150,50,121],[12,100,25],[201,243,244]] Below is the code I tried from skimage.feature import hog from skimage import ...
sakeesh's user avatar
  • 1,029
0 votes
0 answers
13 views

Problem while measuring with regionprops for the first index in the interaction

enter image description here Hi, guys. So I'm trying to get measurements for each object/region in the above image. But, for the first region, I'm not achieving this result. I'm using the following ...
Moisés Feitosa's user avatar
0 votes
1 answer
64 views

How to fill the area for segmentation using fill_holes function?

I want to track the change of gray scale of segmented areas over time. Why the ndi.binary_fill_holes function did not make a lot of difference? gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) sigma = 3 ...
nancy M's user avatar
0 votes
0 answers
84 views

What is the difference of converting to gray using different approaches or libraries?

The context here is that I am writing a code that combines multiple image pre-processing techniques, including converting images into grayscale (luminescence) images, to be applied on some arbitrary ...
mt.yuji's user avatar
0 votes
1 answer
97 views

Python: ski.transform.warp from scikit-image library does not work as expected

I have recently started playing with some image processing and am relatively new to the field. I am at a lost as to why I get unexpected results when using the following code from the python scikit-...
XeronJY's user avatar
  • 21
0 votes
1 answer
93 views

What is the difference between skimage view_as_window and sklearn extract_patch_2d, in the context of extracting array of patches from an image?

I have an array of 2D images; an array of [n x w x h], n being the number of images. I want to extract patches from each 2D image. A 2D image would not be divided equally by the patch size (meaning I ...
Savindi's user avatar
  • 164
1 vote
2 answers
460 views

Extracting the (size of the grid)features from an image

I am working with a image Actualimage: I have used techniques like Canny, Hough transform to detect the line, and got this Output: Now I would like to extract the features like thickness size on ...
Sakura's user avatar
  • 15
0 votes
1 answer
72 views

Circle the segmented image to the original

I am new to Python. I have read this (How to overlay segmented image on top of main image in python) but unfortunately I cannot get to the desired result for the example provided below. The three ...
SkyR's user avatar
  • 195
0 votes
1 answer
267 views

How to separate two touching blobs?

I have written the following code in order to detect the blobs based on their HSV values, everything works fine, except that when the two blobs intersect(touch) the are detected as one instead of two. ...
Josh's user avatar
  • 314
0 votes
0 answers
9 views

im try to do laplacian_pyramid_blending and im getting a wired out put

def laplacian_pyramid_blending(imageA, imageB, mask): levels = 6 # Construct Laplacian pyramids for images A and B la = tuple(pyramid_laplacian(imageA, downscale=levels, preserve_range=True, ...
tomer_maas's user avatar
1 vote
1 answer
45 views

Why does it seem necessary to rotate transformation matrix for mapping coordinates with scikit image?

I have a set of points that are effectively 3 vertices of a 45-45-90 right triangle and some other points, a, that should map to them. import numpy as np points = np.array([ ( 90, 416), (398, ...
lanery's user avatar
  • 5,354
0 votes
1 answer
93 views

composite score for denoising 1D signal

I am suing different methods such as wavelet(different parameters) , FFT to denoise 1 D single . I using skimage.metrics to evaluate denoising as shown in snippet below. (here signal is original noisy ...
Bharat Sharma's user avatar
1 vote
3 answers
453 views

How to generate a list of coordinate pairs from a simple image of a line

The task here is to generate a 2D path for a robot which replicates a (hand) drawn line. The line is a simple shape being a curve or squiggle and always has one start and one end point. An example of ...
JohnA's user avatar
  • 19
0 votes
1 answer
97 views

What's the difference between skimage morphology's h_maxima and peak_local_max?

I am trying to understand the difference between the h_maxima and peak_local_max methods. They both search for the same thing but use different approaches, right? If so, what criterion should be used ...
cappadavide's user avatar
-1 votes
1 answer
148 views

errors In scikit-image metrics on 1D array

I am trying to explore different skimage metrics on 1D array . I have two array noisy signal and clean signal. Code snippet is given below . import numpy as np import skimage.metrics as M ...
Bharat Sharma's user avatar
0 votes
1 answer
98 views

Issue about the number of superpixel result returned by skimage.segmentation.slic function

Why the number of superpixel result returned by skimage.segmentation.slic function is not equal to parameter n_segments. The API says that n_segments: The (approximate) number of labels in the ...
user17349469's user avatar
0 votes
0 answers
125 views

Finding matching points between an image and a template using skimage ssim

I have a python code that takes a black and white image and a black and white template as input and aims to find the template within the image. Before having to update the skimage library to version 0....
Shovar's user avatar
  • 1
0 votes
1 answer
331 views

Inverse Radon Transform in Python

I am trying to build a code in Python that does image processing, but I am stuck in a part where I have to do an Inverse Radon Transform. I am using the standard iradon() function in Python. When I ...
Vin's user avatar
  • 13
0 votes
1 answer
65 views

scikit-image RAG mergine leaves black areas

Following this example on the scikit-image homepage, in my example the image has some black areas after merging the RAG in case the threshold is set too high. From the documentation I understand that &...
Roland Deschain's user avatar
1 vote
1 answer
238 views

Multi-region image segmentation based on pixel intensities

I am attempting to segment a grayscale image into three regions based on its pixel intensities. Due to illumination and specks, this task turns out to be more challenging than I expected... Here is ...
JS S's user avatar
  • 318
1 vote
0 answers
73 views

Implementing MInError automatic thresholding using skimage.filters.threshold_minimum

I’m using ImageJ to create masks of fluorescence images (.czi files) in the following way: gaussian blur > thresholding > noise-remove outliers I want to implement this process in python for ...
savyon mazgaoker's user avatar
0 votes
1 answer
140 views

How to display a legend when using label2rgb from scikit-image

I have an image, a label image and a dictionary that maps label ids to names: lbl = skimage.io.imread(os.path.join(traindir, "train_lbl_120_14.png")) img = skimage.io.imread(os.path.join(...
user1195883's user avatar
1 vote
1 answer
283 views

Quantization of an RGB image

I'm doing for a university project a "cartoon-like" filter for an RGB image, so I'm trying to do something to quantize the image. The only libraries I can use are numpy, matplotlib.pyplot ...
perezz's user avatar
  • 19
0 votes
1 answer
166 views

Watershed Algorithm

I try to use the "Watershed" algorithm to segment the skull and tumor. Here is the my code: import numpy as np import matplotlib.pyplot as plt from skimage import io, filters, color from ...
Patrick B's user avatar
-1 votes
1 answer
221 views

Gradients and Laplacian of an image using skimage vs. open-cv

I compare the vertical and horizontal gradients and Laplacian of an image using skimage and cv2 with the following code: import sys import matplotlib.pyplot as plt from matplotlib.image import imread ...
user11634's user avatar
  • 306

1
2 3 4 5
39