简体   繁体   English

如何在 Keras 中实现高斯模糊层?

[英]how do I implement Gaussian blurring layer in Keras?

I have an autoencoder and I need to add a Gaussian noise layer after my output.我有一个自动编码器,我需要在输出后添加一个高斯噪声层。 I need a custom layer to do this, but I really do not know how to produce it, I need to produce it using tensors.我需要一个自定义层来执行此操作,但我真的不知道如何生成它,我需要使用张量生成它。 在此处输入图片说明

what should I do if I want to implement the above equation in the call part of the following code?如果我想在下面代码的调用部分实现上面的等式,我该怎么做?

class SaltAndPepper(Layer):

    def __init__(self, ratio, **kwargs):
        super(SaltAndPepper, self).__init__(**kwargs)
        self.supports_masking = True
        self.ratio = ratio

    # the definition of the call method of custom layer
    def call(self, inputs, training=None):
        def noised():
            shp = K.shape(inputs)[1:]

         **what should I put here????**            
                return out

        return K.in_train_phase(noised(), inputs, training=training)

    def get_config(self):
        config = {'ratio': self.ratio}
        base_config = super(SaltAndPepper, self).get_config()
        return dict(list(base_config.items()) + list(config.items()))

I also try to implement using lambda layer but it dose not work.我也尝试使用 lambda 层来实现,但它不起作用。

If you are looking for additive or multiplicative Gaussian noise, then they have been already implemented as a layer in Keras: GuassianNoise (additive) and GuassianDropout (multiplicative).如果您正在寻找加法乘法高斯噪声,那么它们已经在 Keras 中实现为一个层: GuassianNoise (加法)和GuassianDropout (乘法)。

However, if you are specifically looking for the blurring effect as in Gaussian blur filters in image processing, then you can simply use a depth-wise convolution layer (to apply the filter on each input channel independently) with fixed weights to get the desired output (Note that you need to generate the weights of Gaussian kernel to set them as the weights of DepthwiseConv2D layer. For that you can use the function introduced in this answer ):但是,如果您在图像处理中专门寻找高斯模糊过滤器中的模糊效果,那么您可以简单地使用具有固定权重的深度卷积层(在每个输入通道上独立应用过滤器)来获得所需的输出(请注意,您需要生成高斯核的权重以将它们设置为 DepthwiseConv2D 层的权重。为此,您可以使用本答案中介绍的函数):

import numpy as np
from keras.layers import DepthwiseConv2D

kernel_size = 3  # set the filter size of Gaussian filter
kernel_weights = ... # compute the weights of the filter with the given size (and additional params)

# assuming that the shape of `kernel_weighs` is `(kernel_size, kernel_size)`
# we need to modify it to make it compatible with the number of input channels
in_channels = 3  # the number of input channels
kernel_weights = np.expand_dims(kernel_weights, axis=-1)
kernel_weights = np.repeat(kernel_weights, in_channels, axis=-1) # apply the same filter on all the input channels
kernel_weights = np.expand_dims(kernel_weights, axis=-1)  # for shape compatibility reasons

# define your model...

# somewhere in your model you want to apply the Gaussian blur,
# so define a DepthwiseConv2D layer and set its weights to kernel weights
g_layer = DepthwiseConv2D(kernel_size, use_bias=False, padding='same')
g_layer_out = g_layer(the_input_tensor_for_this_layer)  # apply it on the input Tensor of this layer

# the rest of the model definition...

# do this BEFORE calling `compile` method of the model
g_layer.set_weights([kernel_weights])
g_layer.trainable = False  # the weights should not change during training

# compile the model and start training...

After a while trying to figure out how to do this with the code @today has provided, I have decided to share my final code with anyone possibly needing it in future.经过一段时间试图弄清楚如何使用@today 提供的代码执行此操作后,我决定与将来可能需要它的任何人共享我的最终代码。 I have created a very simple model that is only applying the blurring on the input data:我创建了一个非常简单的模型,它只对输入数据应用模糊处理:

import numpy as np
from keras.layers import DepthwiseConv2D
from keras.layers import Input
from keras.models import Model


def gauss2D(shape=(3,3),sigma=0.5):

    m,n = [(ss-1.)/2. for ss in shape]
    y,x = np.ogrid[-m:m+1,-n:n+1]
    h = np.exp( -(x*x + y*y) / (2.*sigma*sigma) )
    h[ h < np.finfo(h.dtype).eps*h.max() ] = 0
    sumh = h.sum()
    if sumh != 0:
        h /= sumh
    return h

def gaussFilter():
    kernel_size = 3
    kernel_weights = gauss2D(shape=(kernel_size,kernel_size))
    
    
    in_channels = 1  # the number of input channels
    kernel_weights = np.expand_dims(kernel_weights, axis=-1)
    kernel_weights = np.repeat(kernel_weights, in_channels, axis=-1) # apply the same filter on all the input channels
    kernel_weights = np.expand_dims(kernel_weights, axis=-1)  # for shape compatibility reasons
    
    
    inp = Input(shape=(3,3,1))
    g_layer = DepthwiseConv2D(kernel_size, use_bias=False, padding='same')(inp)
    model_network = Model(input=inp, output=g_layer)
    model_network.layers[1].set_weights([kernel_weights])
    model_network.trainable= False #can be applied to a given layer only as well
        
    return model_network

a = np.array([[[1, 2, 3], [4, 5, 6], [4, 5, 6]]])
filt = gaussFilter()
print(a.reshape((1,3,3,1)))
print(filt.predict(a.reshape(1,3,3,1)))

For testing purposes the data are only of shape 1,3,3,1 , the function gaussFilter() creates a very simple model with only input and one convolution layer that provides Gaussian blurring with weights defined in the function gauss2D() .出于测试目的,数据只有1,3,3,1的形状,函数gaussFilter()创建了一个非常简单的模型,只有输入和一个卷积层,提供高斯模糊,权gauss2D()函数gauss2D()定义。 You can add parameters to the function to make it more dynamic, eg shape, kernel size, channels.您可以向函数添加参数以使其更具动态性,例如形状、内核大小、通道。 The weights according to my findings can be applied only after the layer was added to the model.只有在将层添加到模型后才能应用根据我的发现的权重。

由于 Error: AttributeError: 'float' object has no attribute 'dtype' K.sqrt AttributeError: 'float' object has no attribute 'dtype' ,只需将K.sqrt更改为math.sqrt ,它就会起作用。

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM