首页 文章

Keras中图像分割的像素损失权重

提问于
浏览
0

我目前正在使用U-Net(https://arxiv.org/pdf/1505.04597.pdf)的修改版本来分割显微镜图像中的细胞器 . 由于我使用的是Keras,我从https://github.com/zhixuhao/unet获取了代码 . 然而,在该版本中,没有实施权重图以迫使网络学习边界像素 .

到目前为止我获得的结果非常好,但网络无法分离彼此接近的对象 . 所以我想尝试使用论文中提到的权重图 . 我已经能够为每个标签图像生成权重图(基于给定的公式),但我无法找到如何使用此权重图来训练我的网络,从而解决了上述问题 .

是否必须以某种方式组合重量图和标签图像,或者是否有Keras功能可以让我使用重量图?我是生物学家,最近才开始使用神经网络,所以我的理解仍然有限 . 任何帮助或建议将不胜感激 .

2 回答

  • 3

    如果它仍然相关:我最近需要解决这个问题 . 您可以将下面的代码粘贴到Jupyter笔记本中,看看它是如何工作的 .

    %matplotlib inline
    import numpy as np
    from skimage.io import imshow
    from skimage.measure import label
    from scipy.ndimage.morphology import distance_transform_edt
    
    def generate_random_circles(n = 100, d = 256):
        circles = np.random.randint(0, d, (n, 3))
        x = np.zeros((d, d), dtype=int)
        f = lambda x, y: ((x - x0)**2 + (y - y0)**2) <= (r/d*10)**2
        for x0, y0, r in circles:
            x += np.fromfunction(f, x.shape)
        x = np.clip(x, 0, 1)
    
        return x
    
    def unet_weight_map(y, wc=None, w0 = 10, sigma = 5):
    
        """
        Generate weight maps as specified in the U-Net paper
        for boolean mask.
    
        "U-Net: Convolutional Networks for Biomedical Image Segmentation"
        https://arxiv.org/pdf/1505.04597.pdf
    
        Parameters
        ----------
        mask: Numpy array
            2D array of shape (image_height, image_width) representing binary mask
            of objects.
        wc: dict
            Dictionary of weight classes.
        w0: int
            Border weight parameter.
        sigma: int
            Border width parameter.
    
        Returns
        -------
        Numpy array
            Training weights. A 2D array of shape (image_height, image_width).
        """
    
        labels = label(y)
        no_labels = labels == 0
        label_ids = sorted(np.unique(labels))[1:]
    
        if len(label_ids) > 1:
            distances = np.zeros((y.shape[0], y.shape[1], len(label_ids)))
    
            for i, label_id in enumerate(label_ids):
                distances[:,:,i] = distance_transform_edt(labels != label_id)
    
            distances = np.sort(distances, axis=2)
            d1 = distances[:,:,0]
            d2 = distances[:,:,1]
            w = w0 * np.exp(-1/2*((d1 + d2) / sigma)**2) * no_labels
    
            if wc:
                class_weights = np.zeros_like(y)
                for k, v in wc.items():
                    class_weights[y == k] = v
                w = w + class_weights
        else:
            w = np.zeros_like(y)
    
        return w
    
    y = generate_random_circles()
    
    wc = {
        0: 1, # background
        1: 5  # objects
    }
    
    w = unet_weight_map(y, wc)
    
    imshow(w)
    
  • -1

    我想你想在Keras中使用 class_weight . 如果您已经计算了类权重,这实际上很容易在您的模型中引入 .

    • 使用类标签及其相关权重创建字典 . 例如
    class_weight = {0: 10.9,
            1: 20.8,
            2: 1.0,
            3: 50.5}
    
    • 或者创建一个与您的类数相同长度的1D Numpy数组 . 例如
    class_weight = [10.9, 20.8, 1.0, 50.5]
    
    • model.fitmodel.fit_generator 培训期间传递此参数
    model.fit(x, y, batch_size=batch_size, epochs=num_epochs, verbose=1, class_weight=class_weight)
    

    您可以查看Keras文档以获取更多详细信息here .

相关问题