4

我想提供一个与输入图像大小相同的掩码,并根据此掩码调整从图像中学习到的权重(类似于注意力,但为每个图像输入预先计算)。如何使用 Keras(或 TensorFlow)做到这一点?

4

1 回答 1

5

问题

如何在图像中添加另一个特征层,如蒙版,并让神经网络考虑这个新特征层?

回答

简短的回答是将其作为另一个颜色通道添加到图像中。如果您的图像已经有 3 个颜色通道;红色、蓝色、绿色,然后添加另一个通道 1 和 0 的掩码为神经网络提供了更多信息用于做出决策。

思想实验

作为一个思想实验,让我们来解决 MNIST。MNIST 图像为 28x28。让我们拍摄 1 张图像,即“真实”图像和 3 张其他图像,即“干扰物”,并形成 4 张 28x28 图像的 56x56 图像。MNIST 是黑白的,因此它只有 1 个颜色通道,即亮度。现在让我们添加另一个颜色通道,它是一个蒙版,1 位于 56x56 图像的“真实”图像所在的区域,0 位于其他位置。

如果我们使用与通常相同的架构来解决 MNIST,一直向下卷积,我们可以想象它可以使用这些新信息来学习只关注“真实”区域并正确分类图像。

代码示例

在此示例中,我们尝试解决 XOR 问题。我们采用经典的 XOR 并将输入与噪声加倍,并添加一个通道,1 表示非噪声,0 表示噪声


# Adapted from https://github.com/panchishin/learn-to-tensorflow/blob/master/solutions/04-xor-2d.py

# -- The xor problem --
x = np.array([[0., 0.], [1., 1.], [1., 0.], [0., 1.]])
y_ = [[1., 0.], [1., 0.], [0., 1.], [0., 1.]]


def makeBatch() :
    # Add an additional 2 channels of noise
    # either before or after the two real 'x's.
    global x
    rx = np.random.rand(4,4,2) > 0.5
    # set the mask to 0 for all items
    rx[:,:,1] = 0
    index = int(np.random.random()*3)
    rx[:,index:index+2,0] = x
    # set the mask to 1 for 'real' values
    rx[:,index:index+2,1] = 1
    return rx

# -- imports --
import tensorflow as tf

# np.set_printoptions(precision=1) reduces np precision output to 1 digit
np.set_printoptions(precision=2, suppress=True)


# -- induction --

# Layer 0
x0 = tf.placeholder(dtype=tf.float32, shape=[None, 4, 2])
y0 = tf.placeholder(dtype=tf.float32, shape=[None, 2])

# Layer 1
f1 = tf.reshape(x0,shape=[-1,8])
m1 = tf.Variable(tf.random_uniform([8, 9], minval=0.1, maxval=0.9, dtype=tf.float32))
b1 = tf.Variable(tf.random_uniform([9], minval=0.1, maxval=0.9, dtype=tf.float32))
h1 = tf.sigmoid(tf.matmul(f1, m1) + b1)

# Layer 2
m2 = tf.Variable(tf.random_uniform([9, 2], minval=0.1, maxval=0.9, dtype=tf.float32))
b2 = tf.Variable(tf.random_uniform([2], minval=0.1, maxval=0.9, dtype=tf.float32))
y_out = tf.nn.softmax(tf.matmul(h1, m2) + b2)


# -- loss --

# loss : sum of the squares of y0 - y_out
loss = tf.reduce_sum(tf.square(y0 - y_out))

# training step : gradient descent (1.0) to minimize loss
train = tf.train.GradientDescentOptimizer(1.0).minimize(loss)



# -- training --
# run 500 times using all the X and Y
# print out the loss and any other interesting info
with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())

    print("\nloss")
    for step in range(5000):
        sess.run(train, feed_dict={x0: makeBatch(), y0: y_})
        if (step + 1) % 1000 == 0:
            print(sess.run(loss, feed_dict={x0: makeBatch(), y0: y_}))

    results = sess.run([m1, b1, m2, b2, y_out, loss], feed_dict={x0: makeBatch(), y0: y_})
    labels = "m1,b1,m2,b2,y_out,loss".split(",")
    for label, result in zip(*(labels, results)):
        print("")
        print(label)
        print(result)

print("")

输出

我们可以看到,网络正确地解决了问题,并以高确定性给出了正确的输出

y_ (真相) = [[1., 0.], [1., 0.], [0., 1.], [0., 1.]]

y_out
[[0.99 0.01]
 [0.99 0.01]
 [0.01 0.99]
 [0.01 0.99]]

loss
0.00056630466

确认面具正在做某事

让我们通过注释掉设置 0 表示噪声和 1 表示信号的行来更改掩码函数,使其只是随机的

def makeBatch() :
    global x
    rx = np.random.rand(4,4,2) > 0.5
    #rx[:,:,1] = 0
    index = int(np.random.random()*3)
    rx[:,index:index+2,0] = x
    #rx[:,index:index+2,1] = 1
    return rx

然后重新运行代码。事实上,我们可以看到,没有面具,网络就无法学习。

y_out
[[0.99 0.01]
 [0.76 0.24]
 [0.09 0.91]
 [0.58 0.42]]

loss
0.8080765

结论

如果您在图像(或其他数据结构)中有一些信号和噪声,并成功添加了另一个通道(掩码)来指示信号在哪里以及噪声在哪里,那么神经网络可以利用该掩码来关注信号但仍然可以接触到噪音。

于 2019-03-29T17:32:00.067 回答