简体   繁体   English

重塑Keras损失函数内的TensorFlow张量?

[英]Reshape TensorFlow tensor inside Keras loss function?

Is there a way to reshape a TF tensor inside of a custom Keras loss function? 有没有办法在自定义Keras损失函数内重塑TF张量? I'm defining this custom loss function for a convolutional neural network? 我正在为卷积神经网络定义这个自定义损失函数?

def custom_loss(x, x_hat):
    """
    Custom loss function for training background extraction networks (autoencoders)
    """

    #flatten x, x_hat before computing mean, median
    shape = x_hat.get_shape().as_list()
    batch_size = shape[0]
    image_size = np.prod(shape[1:])

    x = tf.reshape(x, [batch_size, image_size])
    x_hat = tf.reshape(x_hat, [batch_size, image_size]) 

    B0 = reduce_median(tf.transpose(x_hat))
    # I divide by sigma in the next step. So I add a small float32 to F0
    # so as to prevent sigma from becoming 0 or Nan.

    F0 = tf.abs(x_hat - B0) + 1e-10

    sigma = tf.reduce_mean(tf.sqrt(F0 / 0.5), axis=0)

    background_term = tf.reduce_mean(F0 / sigma, axis=-1)

    bce = binary_crossentropy(x, x_hat)

    loss = bce + background_term 

    return loss

In addition to computing the standard binary_crossentropy an additional background_term is added into the loss. 除了计算标准binary_crossentropy之外,还会在损失中添加一个额外的background_term This term incentives the network to predict images close the median of a batch. 该术语激励网络预测图像接近批次的中位数。 Since the outputs of the CNN are 2d and reduce_median works better with 1d arrays I have to reshape the images into 1d arrays. 由于CNN的输出是2d而reduce_median对于1d阵列效果更好,我必须将图像重新reduce_median为1d阵列。 When I try to train this network I get the error 当我尝试训练这个网络时,我得到了错误

Traceback (most recent call last):
  File "stackoverflow.py", line 162, in <module>
    autoencoder = build_conv_autoencoder(lambda_W, input_shape, num_filters, optimizer, custom_loss)
  File "stackoverflow.py", line 136, in build_conv_autoencoder
    autoencoder.compile(optimizer, loss, metrics=[mean_squared_error])
  File "/usr/local/lib/python3.5/dist-packages/keras/models.py", line 594, in compile
    **kwargs)
  File "/usr/local/lib/python3.5/dist-packages/keras/engine/training.py", line 667, in compile
    sample_weight, mask)
  File "/usr/local/lib/python3.5/dist-packages/keras/engine/training.py", line 318, in weighted
    score_array = fn(y_true, y_pred)
  File "stackoverflow.py", line 26, in custom_loss
    x = tf.reshape(x, [batch_size, image_size])
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/ops/gen_array_ops.py", line 2448, in reshape
    name=name)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/op_def_library.py", line 494, in apply_op
    raise err
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/op_def_library.py", line 491, in apply_op
    preferred_dtype=default_dtype)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py", line 710, in internal_convert_to_tensor
    ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/constant_op.py", line 176, in _constant_tensor_conversion_function
    return constant(v, dtype=dtype, name=name)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/constant_op.py", line 165, in constant
    tensor_util.make_tensor_proto(value, dtype=dtype, shape=shape, verify_shape=verify_shape))
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/tensor_util.py", line 441, in make_tensor_proto
    tensor_proto.string_val.extend([compat.as_bytes(x) for x in proto_values])
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/tensor_util.py", line 441, in <listcomp>
    tensor_proto.string_val.extend([compat.as_bytes(x) for x in proto_values])
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/util/compat.py", line 65, in as_bytes
    (bytes_or_text,))
TypeError: Expected binary or unicode string, got None

It seems like Keras is calling custom_loss before the TensorFlow graph is instantiated. 在实例化TensorFlow图之前,似乎custom_loss正在调用custom_loss This makes batch_size None instead of the actual value. 这使得batch_size None而不是实际值。 Is there a proper way to reshape tensors inside loss functions to this error is avoided? 有没有一种正确的方法来重塑损失函数内的张量,避免这种错误? You can look at the full code here . 你可以在这里查看完整的代码。

Is there a proper way to reshape tensors... 有没有一种正确的方法来重塑张量......

If you are using Keras you should use the K.reshape(x,shape) method, which is a wrapper for tf.reshape(x,shape) as we can see in the docs . 如果你使用的是K.reshape(x,shape)你应该使用K.reshape(x,shape)方法,它是tf.reshape(x,shape)的包装器tf.reshape(x,shape)正如我们在文档中看到的那样。

I also notice you are using get_shape() to obtain your tensor shape, when on Keras you can do this with K.int_shape(x) as also mentioned in the docs , like this: 我还注意到你正在使用get_shape()来获得你的张量形状,当你在K.int_shape(x)上你可以用文件中提到的K.int_shape(x)来做这个,像这样:

shape = K.int_shape(x_hat)

Besides that there are several other operations you do directly calling your Tensorflow import, instead of the Keras Backend (like tf.abs() , tf.reduce_mean() , tf.transpose() , etc.). 除此之外,还有其他一些操作直接调用Tensorflow导入,而不是tf.abs()后端(如tf.abs()tf.reduce_mean()tf.transpose()等)。 You should consider using its corresponding wrappers in the keras backend to have uniform notation and guarantee a more regular behaviour. 您应该考虑在keras后端使用其相应的包装器来使用统一的符号并保证更常规的行为。 Also, by using the Keras backend you are giving your program compatibility with both Theano and Tensorflow, so it is a big plus you should consider. 此外,通过使用Keras后端,您可以使您的程序兼容Theano和Tensorflow,因此这是您应该考虑的一大优点。

Additionally, some TypeError may appear when working with tensors with undefined dimension(s). 此外,使用具有未定义维度的张量时,可能会出现一些TypeError Please take a look at this question where they explain about reshaping tensors with undefined dimensions. 请看一下这个问题 ,他们解释了有关未定义尺寸的重塑张量的问题 Also, for its equivalent in Keras, check this other question, where in an answer I explain how to achieve that using Keras with Tensorflow as backend. 另外,对于它在Keras中的等价物,请检查另一个问题,在答案中我解释了如何使用带有Tensorflow的Keras作为后端来实现这一点。

...Now regarding your code. ...现在关于你的代码。 Basically, as you have some undefined dimensions, you can pass the value -1 to have it infer the shape no matter what size it could be (it is explained in the first linked question, but can also be seen in the docs ). 基本上,由于您有一些未定义的维度,您可以传递值-1以使其推断形状,无论它的大小如何(在第一个链接的问题中进行了解释,但也可以在文档中看到)。 Something like: 就像是:

x = tf.reshape(x, [-1, image_size])

Or using Keras backend: 或者使用Keras后端:

x = K.reshape(x, [-1, image_size])

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

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