如何使用Python OpenCV对苹果进行图像分割?

2023-12-27

我有浸泡在碘溶液中的苹果片的照片。目标是将苹果分割成各个感兴趣的区域并评估每个区域的淀粉水平。这是一个学校项目,所以我的目标是测试不同的分割方法,并客观地找到最佳解决方案,无论是单一技术还是多种技术的组合。

问题是到目前为止我只接近一种方法。该方法使用 HoughCircles。我原本计划使用分水岭方法、形态学操作或简单的阈值处理。当我无法修改其中任何一个以使其工作时,该计划失败了。

原始图像看起来与此类似,苹果的深色深浅不同

我尝试使用带有 HSV 值的 cv2.inRange 来删除背景托盘,但它不适用于较深的苹果。

这就是 HoughCircles 在应用了灰度和中值模糊以及尝试对托盘进行遮罩的原始图像上产生的结果。

任何关于下一步该去哪里的建议或方向将不胜感激。如果有帮助的话,我可以提供我正在使用的代码。

谢谢你!

编辑1:添加一些代码并澄清问题

感谢您的回复。我真正的问题是,还有其他适合这种情况的细分方法吗?我想尝试几种不同的方法并比较大量照片的结果。我接下来要尝试的是使用 k 均值分割。另外,我将在下面添加一些代码来展示我到目前为止所尝试的内容。

HSV 颜色过滤

import cv2
import numpy as np

# Load image
image = cv2.imread('ApplePic.jpg')

# Set minimum and max HSV values to display
lower = np.array([0, 0, 0])
upper = np.array([105, 200, 255])

# Create HSV Image and threshold into a range.
hsv = cv2.cvtColor(image, cv2.COLOR_BGR2HSV)
mask = cv2.inRange(hsv, lower, upper)
maskedImage = cv2.bitwise_and(image, image, mask=mask)

# Show Image
cv2.imshow('HSV Mask', image)
cv2.waitKey(0)

霍夫圆

# import the necessary packages
import numpy as np
import argparse
import cv2
import os

directory = os.fsencode('Photos\\Sample N 100')

for file in os.listdir(directory):

    filename = os.fsdecode(file)

    if filename.endswith('.jpg'):
        # Load the image
        image = cv2.imread('Photos\\Sample N 100\\' + filename)

        # Calculate scale
        scale_factor = 800 / image.shape[0]
        width = int(image.shape[1] * scale_factor)
        height = 800
        dimension = (width, height)
        min_radius = int((width / 10) * .8)
        max_radius = int((width / 10) * 1.2)

        # Resize image
        image = cv2.resize(image, dimension, interpolation=cv2.INTER_AREA)

        # Copy Image 
        output = image.copy()

        # Grayscale Image
        gray = cv2.medianBlur(cv2.cvtColor(image, cv2.COLOR_BGR2GRAY), 5)

        # Detect circles in image
        circles = cv2.HoughCircles(gray, cv2.HOUGH_GRADIENT, 1, min_radius * 2, 4, 60, 20,  min_radius, max_radius)

        # ensure at least some circles were found
        if circles is not None:
            # convert the (x, y) coordinates and radius of the circles to integers
            circles = np.round(circles[0, :]).astype("int")
            # loop over the (x, y) coordinates and radius of the circles
            for (x, y, r) in circles:
                # draw the circle in the output image, then draw a rectangle
                # corresponding to the center of the circle
                cv2.circle(output, (x, y), r, (0, 255, 0), 4)
                cv2.rectangle(output, (x - 5, y - 5), (x + 5, y + 5), (0, 128, 255), -1)
                cv2.putText(output, '(' + str(x) + ',' + str(y) + ',' + str(r) + ')', (x, y),
                        cv2.FONT_HERSHEY_COMPLEX_SMALL, 1, 255)


            # show the output image
            cv2.imshow("output", np.hstack([image, output, maskedImage]))
            cv2.waitKey(0)
        continue
    else:
        continue

分割苹果的另一种方法是在阈值化之前执行 Kmeans 颜色分割,然后使用轮廓过滤来隔离苹果对象:

  1. 应用 Kmeans 颜色分割。我们加载图像,使用以下方法调整大小imutils.resize https://github.com/jrosebr1/imutils#resizing然后应用Kmeans颜色分割。根据簇的数量,我们可以将图像分割成所需数量的颜色。

  2. 获取二值图像。接下来我们转换为灰度、高斯模糊和大津阈值。

  3. 使用轮廓近似进行过滤。我们过滤掉非圆形轮廓和小噪音。

  4. 形态学运算。我们执行变形以填充相邻轮廓

  5. 使用轮廓区域作为过滤器绘制最小外接圆。我们找到轮廓并绘制近似圆。为此,我们使用两个部分,一个部分有一个良好的阈值,另一个部分我们近似半径。


Kmeans 颜色量化clusters=3和二值图像

变形关闭和结果

使用自动计算半径的“良好”轮廓cv2.minEnclosingCircle以绿色突出显示,而近似轮廓以青色突出显示。这些近似轮廓在阈值处理过程中没有很好地分割,因此我们对“良好”轮廓半径进行平均,并用它来绘制圆。

Code

import cv2
import numpy as np
import imutils

# Kmeans color segmentation
def kmeans_color_quantization(image, clusters=8, rounds=1):
    h, w = image.shape[:2]
    samples = np.zeros([h*w,3], dtype=np.float32)
    count = 0

    for x in range(h):
        for y in range(w):
            samples[count] = image[x][y]
            count += 1

    compactness, labels, centers = cv2.kmeans(samples,
            clusters, 
            None,
            (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 10000, 0.0001), 
            rounds, 
            cv2.KMEANS_RANDOM_CENTERS)

    centers = np.uint8(centers)
    res = centers[labels.flatten()]
    return res.reshape((image.shape))

# Load image, resize smaller, perform kmeans, grayscale
# Apply Gaussian blur, Otsu's threshold
image = cv2.imread('1.jpg')
image = imutils.resize(image, width=600)
kmeans = kmeans_color_quantization(image, clusters=3)
gray = cv2.cvtColor(kmeans, cv2.COLOR_BGR2GRAY)
blur = cv2.GaussianBlur(gray, (9,9), 0)
thresh = cv2.threshold(blur, 0, 255, cv2.THRESH_BINARY + cv2.THRESH_OTSU)[1]

# Filter out contours not circle
cnts = cv2.findContours(thresh, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE)
cnts = cnts[0] if len(cnts) == 2 else cnts[1]
for c in cnts:
    peri = cv2.arcLength(c, True)
    approx = cv2.approxPolyDP(c, 0.04 * peri, True)
    if len(approx) < 4:
        cv2.drawContours(thresh, [c], -1, 0, -1)

# Morph close
kernel = cv2.getStructuringElement(cv2.MORPH_ELLIPSE, (5,5))
close = cv2.morphologyEx(thresh, cv2.MORPH_CLOSE, kernel, iterations=3)

# Find contours and draw minimum enclosing circles 
# using contour area as filter
approximated_radius = 63
cnts = cv2.findContours(close, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE)
cnts = cnts[0] if len(cnts) == 2 else cnts[1]
for c in cnts:
    area = cv2.contourArea(c)
    x,y,w,h = cv2.boundingRect(c)
    # Large circles
    if area > 6000 and area < 15000:
        ((x, y), r) = cv2.minEnclosingCircle(c)
        cv2.circle(image, (int(x), int(y)), int(r), (36, 255, 12), 2)
    # Small circles
    elif area > 1000 and area < 6000:
        ((x, y), r) = cv2.minEnclosingCircle(c)
        cv2.circle(image, (int(x), int(y)), approximated_radius, (200, 255, 12), 2)

cv2.imshow('kmeans', kmeans)
cv2.imshow('thresh', thresh)
cv2.imshow('close', close)
cv2.imshow('image', image)
cv2.waitKey()     
本文内容由网友自发贡献,版权归原作者所有,本站不承担相应法律责任。如您发现有涉嫌抄袭侵权的内容,请联系:hwhale#tublm.com(使用前将#替换为@)

如何使用Python OpenCV对苹果进行图像分割? 的相关文章

随机推荐