- c - 在位数组中找到第一个零
- linux - Unix 显示有关匹配两种模式之一的文件的信息
- 正则表达式替换多个文件
- linux - 隐藏来自 xtrace 的命令
我正在尝试实现一个自定义 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.]]
最佳答案
让我们一步一步来:
k
索引的位置都有一个。然后,我们将 k
个这样的向量相加,得到恰好有 k
个向量的原始输出形状。 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/
我看到以下宏 here . static const char LogTable256[256] = { #define LT(n) n, n, n, n, n, n, n, n, n, n, n,
这个问题不太可能帮助任何 future 的访问者;它只与一个小的地理区域、一个特定的时间点或一个非常狭窄的情况有关,这些情况并不普遍适用于互联网的全局受众。为了帮助使这个问题更广泛地适用,visit
所以我得到了这个算法我需要计算它的时间复杂度 这样的 for i=1 to n do k=i while (k<=n) do FLIP(A[k]) k
n 的 n 次方(即 n^n)是多项式吗? T(n) = 2T(n/2) + n^n 可以用master方法求解吗? 最佳答案 它不仅不是多项式,而且比阶乘还差。 O(n^n) 支配 O(n!)。同样
我正在研究一种算法,它可以在带有变音符号的字符(tilde、circumflex、caret、umlaut、caron)及其“简单”字符之间进行映射。 例如: ń ǹ ň ñ ṅ ņ ṇ
嗯..我从昨天开始学习APL。我正在观看 YouTube 视频,从基础开始学习各种符号,我正在使用 NARS2000。 我想要的是打印斐波那契数列。我知道有好几种代码,但是因为我没有研究过高深的东西,
已关闭。这个问题是 off-topic 。目前不接受答案。 想要改进这个问题吗? Update the question所以它是on-topic用于堆栈溢出。 已关闭12 年前。 Improve th
谁能帮我从 N * N * N → N 中找到一个双射数学函数,它接受三个参数 x、y 和 z 并返回数字 n? 我想知道函数 f 及其反函数 f',如果我有 n,我将能够通过应用 f'(n) 来
场景: 用户可以在字符串格式的方程式中输入任意数量的括号对。但是,我需要检查以确保所有括号 ( 或 ) 都有一个相邻的乘数符号 *。因此 3( 应该是 3*( 和 )3 应该是 )*3。 我需要将所有
在 Java 中,表达式: n+++n 似乎评估为等同于: n++ + n 尽管 +n 是一个有效的一元运算符,其优先级高于 n + n 中的算术 + 运算符。因此编译器似乎假设运算符不能是一元运算符
当我阅读 this 问题我记得有人曾经告诉我(很多年前),从汇编程序的角度来看,这两个操作非常不同: n = 0; n = n - n; 这是真的吗?如果是,为什么会这样? 编辑: 正如一些回复所指出
我正在尝试在reveal.js 中加载外部markdown 文件,该文件已编写为遵守数据分隔符语法: You can write your content as a separate file and
我试图弄清楚如何使用 Javascript 生成一个随机 11 个字符串,该字符串需要特定的字母/数字序列,以及位置。 ----------------------------------------
我最近偶然发现了一个资源,其中 2T(n/2) + n/log n 类型 的递归被 MM 宣布为无法解决。 直到今天,当另一种资源被证明是矛盾的(在某种意义上)时,我才接受它作为引理。 根据资源(下面
关闭。此题需要details or clarity 。目前不接受答案。 想要改进这个问题吗?通过 editing this post 添加详细信息并澄清问题. 已关闭 8 年前。 Improve th
我完成的一个代码遵循这个模式: for (i = 0; i < N; i++){ // O(N) //do some processing... } sort(array, array + N
有没有办法证明 f(n) + g(n) = theta(n^2) 还是不可能?假设 f(n) = theta(n^2) & g(n) = O(n^2) 我尝试了以下方法:f(n) = O(n^2) &
所以我目前正在尝试计算我拥有的一些数据的 Pearson R 和 p 值。这是通过以下代码完成的: import numpy as np from scipy.stats import pearson
ltree 列的默认排序为文本。示例:我的表 id、parentid 和 wbs 中有 3 列。 ltree 列 - wbs 将 1.1.12, 1.1.1, 1.1.2 存储在不同的行中。按 wbs
我的目标是编写一个程序来计算在 python 中表示数字所需的位数,如果我选择 number = -1 或任何负数,程序不会终止,这是我的代码: number = -1 cnt = 0 while(n
我是一名优秀的程序员,十分优秀!