【python】OpenCV—WaterShed Algorithm(2)

文章目录

1、功能描述

基于 opencv python,调用分水岭算法 demo

2、代码实现

导入必要的包

python 复制代码
from skimage.feature import peak_local_max
from skimage.morphology import watershed
from scipy import ndimage
import numpy as np
import argparse
import imutils
import cv2

构造参数解析并解析参数

python 复制代码
ap = argparse.ArgumentParser()
# ap.add_argument("-i", "--image", default="HFOUG.jpg", help="path to input image")
ap.add_argument("-i", "--image", default="1.jpg", help="path to input image")
args = vars(ap.parse_args())

加载图像并执行金字塔均值偏移滤波以辅助阈值化步骤,

将图像转换为灰度,然后应用 OTSU 阈值 二值化

python 复制代码
image = cv2.imread(args["image"])
cv2.imshow("Input", image)

shifted = cv2.pyrMeanShiftFiltering(image, 21, 51)
cv2.imshow("Shifted", shifted)

# 将图像转换为灰度,然后应用大津阈值
gray = cv2.cvtColor(shifted, cv2.COLOR_BGR2GRAY)
thresh = cv2.threshold(gray, 0, 255, cv2.THRESH_BINARY | cv2.THRESH_OTSU)[1]
cv2.imshow("Thresh", thresh)

计算从每个二进制图像中的像素到最近的零像素的精确欧氏距离,然后找出这个距离图中的峰值

python 复制代码
D = ndimage.distance_transform_edt(thresh)

# 可视化距离函数
D_show = cv2.normalize(D, None, 0, 1, cv2.NORM_MINMAX)
# print(np.max(D_show))
cv2.imshow("D_show", D_show)

以坐标列表(indices=True)或布尔掩码(indices=False)的形式查找图像中的峰值。峰值是 2 * min_distance + 1 区域内的局部最大值。

即峰值之间至少相隔min_distance)。

此处我们将确保峰值之间至少有20像素的距离。

python 复制代码
localMax = peak_local_max(D, indices=False, min_distance=20, labels=thresh)
# 可视化localMax
temp = localMax.astype(np.uint8)
cv2.imshow("localMax", temp * 255)

使用8-连通性对局部峰值进行连接成分分析,然后应用分水岭算法

python 复制代码
scipy.ndimage.label(input, structure=None, output=None)
  • input :待标记的数组对象。输入中的任何非零值都被视为待标记对象,零值被视为背景。

  • structure:定义要素连接的结构化元素。对于二维数组。默认是四连通, 此处选择8连通

python 复制代码
markers = ndimage.label(localMax, structure=np.ones((3, 3)))[0]  # [0, 1, 2, 3, 4, 5, 6, 7, 8, 9]

# 可视化markers
temp_markers = markers.astype(np.uint8)
cv2.imshow("temp_markers", temp_markers * 20)

由于分水岭算法假设我们的标记代表距离图中的局部最小值(即山谷),因此我们取 D 的负值。

python 复制代码
labels = watershed(-D, markers, mask=thresh)
print("[INFO] {} unique segments found".format(len(np.unique(labels)) - 1))

output

python 复制代码
[INFO] 10 unique segments found

循环遍历分水岭算法返回的标签

python 复制代码
for label in np.unique(labels):
    # 0表示背景,忽略它
    if label == 0:
        continue
    # 否则,为标签区域分配内存并将其绘制在掩码上
    mask = np.zeros(gray.shape, dtype="uint8")
    mask[labels == label] = 255
    # 在mask中检测轮廓并抓取最大的一个
    cnts = cv2.findContours(mask.copy(), cv2.RETR_EXTERNAL,
                            cv2.CHAIN_APPROX_SIMPLE)
    cnts = imutils.grab_contours(cnts)
    c = max(cnts, key=cv2.contourArea)
    # 在物体周围画一个圆
    ((x, y), r) = cv2.minEnclosingCircle(c)
    cv2.circle(image, (int(x), int(y)), int(r), (0, 255, 0), 2)
    cv2.putText(image, "#{}".format(label), (int(x) - 10, int(y)),
                cv2.FONT_HERSHEY_SIMPLEX, 0.6, (0, 0, 255), 2)
# 显示输出图像
cv2.imshow("Output", image)
cv2.waitKey(0)

十个标记,发现三不见了,debug 分析,3 和 2 重复了,改下代码跳过 2 即可显示 3

python 复制代码
for label in np.unique(labels):
    if label == 2:
        continue

3、效果展示

输入图片

输出结果

输入图片

白色背景,二值化的时候注意下前景背景要反过来,或者

python 复制代码
thresh = cv2.bitwise_not(thresh)

输入图片

输入图片

输入图片

输入图片


可以观察到边界还是没有那么完美的

4、完整代码

python 复制代码
# 打开一个新文件,将其命名为 watershed.py ,然后插入以下代码:

# 导入必要的包
from skimage.feature import peak_local_max
from skimage.morphology import watershed
from scipy import ndimage
import numpy as np
import argparse
import imutils
import cv2

# 构造参数解析并解析参数
ap = argparse.ArgumentParser()
# ap.add_argument("-i", "--image", default="HFOUG.jpg", help="path to input image")
ap.add_argument("-i", "--image", default="3.jpg", help="path to input image")
args = vars(ap.parse_args())

# 加载图像并执行金字塔均值偏移滤波以辅助阈值化步骤
image = cv2.imread(args["image"])
cv2.imshow("Input", image)

shifted = cv2.pyrMeanShiftFiltering(image, 21, 51)
cv2.imshow("Shifted", shifted)

# 将图像转换为灰度,然后应用大津阈值
gray = cv2.cvtColor(shifted, cv2.COLOR_BGR2GRAY)
thresh = cv2.threshold(gray, 0, 255, cv2.THRESH_BINARY | cv2.THRESH_OTSU)[1]
# thresh = cv2.bitwise_not(thresh)  # 白色背景时可以开启

cv2.imshow("Thresh", thresh)

# 计算从每个二进制图像中的像素到最近的零像素的精确欧氏距离,然后找出这个距离图中的峰值
D = ndimage.distance_transform_edt(thresh)

# 可视化距离函数
D_show = cv2.normalize(D, None, 0, 1, cv2.NORM_MINMAX)
# print(np.max(D_show))
cv2.imshow("D_show", D_show)


# 以坐标列表(indices=True)或布尔掩码(indices=False)的形式查找图像中的峰值。峰值是2 * min_distance + 1区域内的局部最大值。
# (即峰值之间至少相隔min_distance)。此处我们将确保峰值之间至少有20像素的距离。
localMax = peak_local_max(D, indices=False, min_distance=20, labels=thresh)
# 可视化localMax
temp = localMax.astype(np.uint8)
cv2.imshow("localMax", temp * 255)
# 使用8-连通性对局部峰值进行连接成分分析,然后应用分水岭算法
# scipy.ndimage.label(input, structure=None, output=None)
# input :待标记的数组对象。输入中的任何非零值都被视为待标记对象,零值被视为背景。
# structure:定义要素连接的结构化元素。对于二维数组。默认是四连通, 此处选择8连通
#
markers = ndimage.label(localMax, structure=np.ones((3, 3)))[0]  # [0, 1, 2, 3, 4, 5, 6, 7, 8, 9]

# 可视化markers
temp_markers = markers.astype(np.uint8)
cv2.imshow("temp_markers", temp_markers * 20)

# 由于分水岭算法假设我们的标记代表距离图中的局部最小值(即山谷),因此我们取 D 的负值。
labels = watershed(-D, markers, mask=thresh)
print("[INFO] {} unique segments found".format(len(np.unique(labels)) - 1))

# 循环遍历分水岭算法返回的标签
for label in np.unique(labels):
    # 0表示背景,忽略它
    if label == 0:
        continue
    # 否则,为标签区域分配内存并将其绘制在掩码上
    mask = np.zeros(gray.shape, dtype="uint8")
    mask[labels == label] = 255
    # 在mask中检测轮廓并抓取最大的一个
    cnts = cv2.findContours(mask.copy(), cv2.RETR_EXTERNAL,
                            cv2.CHAIN_APPROX_SIMPLE)
    cnts = imutils.grab_contours(cnts)
    c = max(cnts, key=cv2.contourArea)
    # 在物体周围画一个圆
    ((x, y), r) = cv2.minEnclosingCircle(c)
    cv2.circle(image, (int(x), int(y)), int(r), (0, 255, 0), 2)
    cv2.putText(image, "#{}".format(label), (int(x) - 10, int(y)),
                cv2.FONT_HERSHEY_SIMPLEX, 0.6, (0, 0, 255), 2)
# 显示输出图像
cv2.imshow("Output", image)
cv2.imwrite(f"result_{args['image']}", image)
cv2.waitKey(0)

绘制轮廓而不是圆形的画,改下最后绘制的代码即可

python 复制代码
# 打开一个新文件,将其命名为 watershed.py ,然后插入以下代码:

# 导入必要的包
from skimage.feature import peak_local_max
from skimage.morphology import watershed
from scipy import ndimage
import numpy as np
import argparse
import imutils
import cv2
import random as rng

# 构造参数解析并解析参数
ap = argparse.ArgumentParser()
# ap.add_argument("-i", "--image", default="HFOUG.jpg", help="path to input image")
ap.add_argument("-i", "--image", default="1.jpg", help="path to input image")
args = vars(ap.parse_args())

# 加载图像并执行金字塔均值偏移滤波以辅助阈值化步骤
image = cv2.imread(args["image"])
cv2.imshow("Input", image)

shifted = cv2.pyrMeanShiftFiltering(image, 21, 51)
cv2.imshow("Shifted", shifted)

# 将图像转换为灰度,然后应用大津阈值
gray = cv2.cvtColor(shifted, cv2.COLOR_BGR2GRAY)
thresh = cv2.threshold(gray, 0, 255, cv2.THRESH_BINARY | cv2.THRESH_OTSU)[1]
# thresh = cv2.bitwise_not(thresh)  # 白色背景时可以开启

cv2.imshow("Thresh", thresh)

# 计算从每个二进制图像中的像素到最近的零像素的精确欧氏距离,然后找出这个距离图中的峰值
D = ndimage.distance_transform_edt(thresh)

# 可视化距离函数
D_show = cv2.normalize(D, None, 0, 1, cv2.NORM_MINMAX)
# print(np.max(D_show))
cv2.imshow("D_show", D_show)


# 以坐标列表(indices=True)或布尔掩码(indices=False)的形式查找图像中的峰值。峰值是2 * min_distance + 1区域内的局部最大值。
# (即峰值之间至少相隔min_distance)。此处我们将确保峰值之间至少有20像素的距离。
localMax = peak_local_max(D, indices=False, min_distance=20, labels=thresh)
# 可视化localMax
temp = localMax.astype(np.uint8)
cv2.imshow("localMax", temp * 255)
# 使用8-连通性对局部峰值进行连接成分分析,然后应用分水岭算法
# scipy.ndimage.label(input, structure=None, output=None)
# input :待标记的数组对象。输入中的任何非零值都被视为待标记对象,零值被视为背景。
# structure:定义要素连接的结构化元素。对于二维数组。默认是四连通, 此处选择8连通
#
markers = ndimage.label(localMax, structure=np.ones((3, 3)))[0]  # [0, 1, 2, 3, 4, 5, 6, 7, 8, 9]

# 可视化markers
temp_markers = markers.astype(np.uint8)
cv2.imshow("temp_markers", temp_markers * 20)

# 由于分水岭算法假设我们的标记代表距离图中的局部最小值(即山谷),因此我们取 D 的负值。
labels = watershed(-D, markers, mask=thresh)
print("[INFO] {} unique segments found".format(len(np.unique(labels)) - 1))

# 循环遍历分水岭算法返回的标签
for label in np.unique(labels):
    # 0表示背景,忽略它
    if label == 0:
        continue
    # 否则,为标签区域分配内存并将其绘制在掩码上
    mask = np.zeros(gray.shape, dtype="uint8")
    mask[labels == label] = 255
    # 在mask中检测轮廓并抓取最大的一个
    cnts = cv2.findContours(mask.copy(), cv2.RETR_EXTERNAL,
                            cv2.CHAIN_APPROX_SIMPLE)
    cnts = imutils.grab_contours(cnts)

    color = (rng.randint(0, 256), rng.randint(0, 256), rng.randint(0, 256))
    cv2.drawContours(image, cnts, -1, color, 3)  # 轮廓标记从1开始

# 显示输出图像
cv2.imshow("Output", image)
cv2.imwrite(f"result_{args['image']}", image)
cv2.waitKey(0)

5、参考

相关推荐
天天要nx3 分钟前
D102【python 接口自动化学习】- pytest进阶之fixture用法
python·pytest
minstbe3 分钟前
AI开发:使用支持向量机(SVM)进行文本情感分析训练 - Python
人工智能·python·支持向量机
落魄实习生20 分钟前
AI应用-本地模型实现AI生成PPT(简易版)
python·ai·vue·ppt
苏言の狗23 分钟前
Pytorch中关于Tensor的操作
人工智能·pytorch·python·深度学习·机器学习
用余生去守护1 小时前
python报错系列(16)--pyinstaller ????????
开发语言·python
数据小爬虫@1 小时前
利用Python爬虫快速获取商品历史价格信息
开发语言·爬虫·python
向宇it1 小时前
【从零开始入门unity游戏开发之——C#篇25】C#面向对象动态多态——virtual、override 和 base 关键字、抽象类和抽象方法
java·开发语言·unity·c#·游戏引擎
莫名其妙小饼干1 小时前
网上球鞋竞拍系统|Java|SSM|VUE| 前后端分离
java·开发语言·maven·mssql
是Dream呀1 小时前
Python从0到100(七十八):神经网络--从0开始搭建全连接网络和CNN网络
网络·python·神经网络
菜狗woc1 小时前
opencv-python的简单练习
人工智能·python·opencv