python - 如何实现只保留前 n 个值并将其余所有值清零的自定义 keras 层?

标签 python tensorflow keras

我正在尝试实现一个自定义 Keras 层,它将仅保留输入的前 N ​​个值并将所有其余值转换为零。我有一个版本大部分都有效,但如果有关系,则留下超过 N 个值。我想使用排序函数始终只留下 N 个非零值。

这是最主要的工作层,当存在联系时,它会留下超过 N 个值:

def top_n_filter_layer(input_data, n=2, tf_dtype=tf_dtype):

    #### Works, but returns more than 2 values if there are ties:
    values_to_keep = tf.cast(tf.nn.top_k(input_data, k=n, sorted=True).values, tf_dtype)
    min_value_to_keep = tf.cast(tf.math.reduce_min(values_to_keep), tf_dtype)
    mask = tf.math.greater_equal(tf.cast(input_data, tf_dtype), min_value_to_keep)
    zeros = tf.zeros_like(input_data)
    output = tf.where(mask, input_data, zeros)

    return output

这是我正在研究的排序方法,但我被 tf.scatter_update 函数困住了,提示排名不匹配:

from keras.layers import Input
import tensorflow as tf
import numpy as np

tf_dtype = 'float32'

def top_n_filter_layer(input_data, n=2, tf_dtype=tf_dtype):

    indices_to_keep = tf.argsort(input_data, axis=1, direction='DESCENDING', stable=True)
    indices_to_keep = tf.slice(indices_to_keep, [0,0], [-1, n])

    values_to_keep = tf.sort(input_data, axis=1, direction='DESCENDING')
    values_to_keep = tf.slice(values_to_keep, [0,0], [-1, n])

    zeros = tf.zeros_like(input_data, dtype=tf_dtype)

    zeros_variable = tf.Variable(0.0) # Since scatter_update requires _lazy_read
    zeros_variable = tf.assign(zeros_variable, zeros, validate_shape=False)

    output = tf.scatter_update(zeros_variable, indices_to_keep, values_to_keep)

    return output

tf.reset_default_graph()
np.random.seed(0)
input_data = np.random.uniform(size=(2,10))

input_layer = Input(shape=(10,))
output_data = top_n_filter_layer(input_layer)

with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    result = sess.run({'output': output_data}, feed_dict={input_layer:input_data})
    print(result)

这是回溯:

---------------------------------------------------------------------------
InvalidArgumentError                      Traceback (most recent call last)
/opt/conda/lib/python3.6/site-packages/tensorflow/python/framework/ops.py in _create_c_op(graph, node_def, inputs, control_inputs)
   1658   try:
-> 1659     c_op = c_api.TF_FinishOperation(op_desc)
   1660   except errors.InvalidArgumentError as e:

InvalidArgumentError: Shapes must be equal rank, but are 2 and 3 for 'ScatterUpdate' (op: 'ScatterUpdate') with input shapes: [?,10], [?,2], [?,2].

During handling of the above exception, another exception occurred:

ValueError                                Traceback (most recent call last)
<ipython-input-10-598e009077f8> in <module>()
     27 
     28 input_layer = Input(shape=(10,))
---> 29 output_data = top_n_filter_layer(input_layer)
     30 
     31 with tf.Session() as sess:

<ipython-input-10-598e009077f8> in top_n_filter_layer(input_data, n, tf_dtype)
     18     zeros_variable = tf.assign(zeros_variable, zeros, validate_shape=False)
     19 
---> 20     output = tf.scatter_update(zeros_variable, indices_to_keep, values_to_keep)
     21 
     22     return output

/opt/conda/lib/python3.6/site-packages/tensorflow/python/ops/state_ops.py in scatter_update(ref, indices, updates, use_locking, name)
    297   if ref.dtype._is_ref_dtype:
    298     return gen_state_ops.scatter_update(ref, indices, updates,
--> 299                                         use_locking=use_locking, name=name)
    300   return ref._lazy_read(gen_resource_variable_ops.resource_scatter_update(  # pylint: disable=protected-access
    301       ref.handle, indices, ops.convert_to_tensor(updates, ref.dtype),

/opt/conda/lib/python3.6/site-packages/tensorflow/python/ops/gen_state_ops.py in scatter_update(ref, indices, updates, use_locking, name)
   1273   _, _, _op = _op_def_lib._apply_op_helper(
   1274         "ScatterUpdate", ref=ref, indices=indices, updates=updates,
-> 1275                          use_locking=use_locking, name=name)
   1276   _result = _op.outputs[:]
   1277   _inputs_flat = _op.inputs

/opt/conda/lib/python3.6/site-packages/tensorflow/python/framework/op_def_library.py in _apply_op_helper(self, op_type_name, name, **keywords)
    786         op = g.create_op(op_type_name, inputs, output_types, name=scope,
    787                          input_types=input_types, attrs=attr_protos,
--> 788                          op_def=op_def)
    789       return output_structure, op_def.is_stateful, op
    790 

/opt/conda/lib/python3.6/site-packages/tensorflow/python/util/deprecation.py in new_func(*args, **kwargs)
    505                 'in a future version' if date is None else ('after %s' % date),
    506                 instructions)
--> 507       return func(*args, **kwargs)
    508 
    509     doc = _add_deprecated_arg_notice_to_docstring(

/opt/conda/lib/python3.6/site-packages/tensorflow/python/framework/ops.py in create_op(***failed resolving arguments***)
   3298           input_types=input_types,
   3299           original_op=self._default_original_op,
-> 3300           op_def=op_def)
   3301       self._create_op_helper(ret, compute_device=compute_device)
   3302     return ret

/opt/conda/lib/python3.6/site-packages/tensorflow/python/framework/ops.py in __init__(self, node_def, g, inputs, output_types, control_inputs, input_types, original_op, op_def)
   1821           op_def, inputs, node_def.attr)
   1822       self._c_op = _create_c_op(self._graph, node_def, grouped_inputs,
-> 1823                                 control_input_ops)
   1824 
   1825     # Initialize self._outputs.

/opt/conda/lib/python3.6/site-packages/tensorflow/python/framework/ops.py in _create_c_op(graph, node_def, inputs, control_inputs)
   1660   except errors.InvalidArgumentError as e:
   1661     # Convert to ValueError for backwards compatibility.
-> 1662     raise ValueError(str(e))
   1663 
   1664   return c_op

ValueError: Shapes must be equal rank, but are 2 and 3 for 'ScatterUpdate' (op: 'ScatterUpdate') with input shapes: [?,10], [?,2], [?,2].

@Vlad 下面的回答展示了一种使用单热编码的工作方法。这是一个显示它工作的例子:

import tensorflow as tf
import numpy as np

tf.reset_default_graph()

model = tf.keras.models.Sequential()
model.add(tf.keras.layers.InputLayer((10,)))

def top_n_filter_layer(input_data, n=2):

    topk = tf.nn.top_k(input_data, k=n, sorted=False)

    res = tf.reduce_sum(                                 
        tf.one_hot(topk.indices,                         
                   input_data.get_shape().as_list()[-1]), 
        axis=1)                                          

    res *= input_data

    return res

model.add(tf.keras.layers.Lambda(top_n_filter_layer))

x_train = [[1,2,3,4,5,6,7,7,7,7]]

with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    print(model.output.eval({model.inputs[0]:x_train}))

# [[0. 0. 0. 0. 0. 0. 7. 7. 0. 0.]]

最佳答案

让我们一步一步来:

  1. 首先,我们获取网络的 softmaxed 输出并找到其前 k 个值及其索引。
  2. 我们创建一个 one-hot 编码向量,这样每个向量在顶部 k 索引的位置都有一个。然后,我们将 k 个这样的向量相加,得到恰好有 k 个向量的原始输出形状。
  3. 一旦我们在顶部 k 位置有了一个张量,我们就可以与网络的原始 softmax 输出进行逐元素乘法。

top k=2 值的 Tensorflow 示例:

import tensorflow as tf
import numpy as np

model = tf.keras.models.Sequential()
model.add(tf.keras.layers.Dense(
    units=5, input_shape=(2, ), activation=tf.nn.softmax,
    kernel_initializer=tf.initializers.random_normal))

softmaxed = model.output # <-- take the *softmaxed* output
topk = tf.nn.top_k(softmaxed,    # <-- find its top k values and their indices
                   k=2,
                   sorted=False)

res = tf.reduce_sum(                                 # <-- create a one-hot encoded
    tf.one_hot(topk.indices,                         #     vectors out of top k indices
               softmaxed.get_shape().as_list()[-1]), #     and sum each k of them to
    axis=1)                                          #     create a single binary tensor

res *= softmaxed # <-- element-wise multiplication

x_train = [np.random.normal(size=(2, ))] # <-- train data

with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    print(res.eval({model.inputs[0]:x_train})) # [[0.2 0.2 0.  0.  0. ]]
    print(softmaxed.eval({model.inputs[0]:x_train})) # [[0.2 0.2 0.2 0.2 0.2]]

关于python - 如何实现只保留前 n 个值并将其余所有值清零的自定义 keras 层?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/55650121/

相关文章:

docker - Windows 7 jupyter 笔记本 - ImportError : No module named 'tensorflow'

python - Tensorflow Probability 中多项式模型的规范

python - 有些东西耗尽了大部分 GPU 内存,无法让我使用 Tensorflow 训练模型

python-3.x - 在每次迭代中训练模型时打印输入

python - java.util.zip.Inflater 的 Python 等价物是什么?

python - pandas.interval_range 部分间隔

python - 如何在 NLP 中的 TweetTokenizer 步骤中删除标点符号和数字?

python - 根据 x 个其他数组对 numpy 数组进行切片

python - 一些 Python 对象未绑定(bind)到检查点值

python - batch_size和运行时间之间的关系