使用标签数据的 KMeans 聚类

KMeans clustering with labels data

我有一个形状为 (587, 987, 3) 的 RGB 图像。 #高度,宽度,num_channels

我还有 7 个 类 中每个的标签数据(像素位置)。

我想应用 KMeans 聚类算法将给定图像分割成 7 类。 在应用 KMeans 聚类时,我想利用标签数据,即像素位置。

如何使用标签数据?

目前我试过的如下。

img = np.random.randint(low=1,high=99, size=(587, 987, 3)) 

im = img.reshape(img.shape[0]*img.shape[1], img.shape[2])
im = StandardScaler().fit_transform(im)

clusters = KMeans(n_clusters=7,n_init= 100,max_iter=100,n_jobs=-1).fit(im)
kmeans_labels = clusters.labels_.reshape(img.shape[0], img.shape[1])

plt.imshow(kmeans_labels)
plt.show()
   

我正在寻找将一些注释传播到剩余的片段(超像素)

正如问题评论中所阐明的,您可以将聚类视为超像素,并使用一些 semi-supervised classifier [1] 将标签从几个样本传播到剩余数据。

正在为 运行 创建图像示例:

import numpy as np
from skimage.data import binary_blobs
import cv2 
from pyift.shortestpath import seed_competition
from scipy import sparse, spatial
import matplotlib.pyplot as plt 

# creating noisy image
size = 256 
image = np.empty((size, size, 3)) 
image[:, :, 0] = binary_blobs(size, seed=0)
image[:, :, 1] = binary_blobs(size, seed=0)
image[:, :, 2] = binary_blobs(size, seed=1)
image += np.random.randn(*image.shape) / 10
image -= image.min()
image /= image.max()

plt.axis(False)
plt.imshow(image)
plt.show()

计算超像素:

def grid_seeds(image, rows = 15, cols = 15):
    seeds = np.zeros(image.shape[:2], dtype=np.int)
    v_step, h_step = image.shape[0] // rows, image.shape[1] // cols
    count = 1
    for i in range(rows):
        y = v_step // 2 + i * v_step
        for j in range(cols):
            x = h_step // 2 + j * h_step
            seeds[y, x] = count
            count += 1
    return seeds
                                                                                                 
seeds = grid_seeds(image)
_, _, _, superpixels = seed_competition(seeds, image=image)
superpixels -= 1  # shifting labels to zero

contours, _ = cv2.findContours(superpixels, cv2.RETR_FLOODFILL, cv2.CHAIN_APPROX_SIMPLE)
im_w_contours = image.copy()
cv2.drawContours(im_w_contours, contours, -1, (255, 0, 0))

plt.axis(False)
plt.imshow(im_w_contours)
plt.show()

从 4 个任意节点传播标签,每个节点一个 class(颜色),并用预期颜色为结果标签着色。

def create_graph(image, labels):
    n_nodes = labels.max() + 1
    h, w, d = image.shape
    avg = np.zeros((n_nodes, d))
    for i in range(h):
        for j in range(w):
            avg[labels[i, j]] += image[i, j]
    avg[:] /= np.bincount(labels.flat)[:, np.newaxis]  # ignore label 0
    graph = spatial.distance_matrix(avg, avg)
    return sparse.csr_matrix(graph)

graph = create_graph(image, superpixels)

graph_seeds = np.zeros(graph.shape[0], dtype=np.int)
graph_seeds[1] = 1   # blue training sample
graph_seeds[3] = 2   # yellow training sample
graph_seeds[13] = 3  # white training sample
graph_seeds[14] = 4  # black training sample

label_colors = {1: (0, 0, 255),
                2: (255, 255, 0),
                3: (255, 255, 255),
                4: (0, 0, 0)}

_, _, _, labels = seed_competition(graph_seeds, graph=graph)

result = np.empty_like(image)
for i, lb in enumerate(labels):
    result[superpixels == i] = label_colors[lb]

plt.axis(False)
plt.imshow(result)
plt.show()

对于这个例子,我使用每个超像素的平均颜色之间的差异作为它们的arc-weight。然而,在实际问题中,一些更精细的特征向量是必要的。

此外,标记数据是图像超像素的子集,但这不是绝对必要的,您可以在对图形建模时添加任何人工节点,尤其是作为种子节点。

这种方法常用于遥感,本文可能与此相关 [2]。

[1] Amorim, W. P., Falcão, A. X., Papa, J. P., & Carvalho, M. H. (2016)。通过最佳连接改进 semi-supervised 学习。模式识别, 60, 72-85.

[2] Vargas, John E., 等人。 “Superpixel-based 交互式 class 超高分辨率图像的化。” 2014 年第 27 届 SIBGRAPI 图形、图案和图像会议。 IEEE, 2014.