/external/tensorflow/tensorflow/python/kernel_tests/math_ops/ |
D | argmax_op_test.py | 64 self._testBothArg(math_ops.argmax, x, 0, x.argmax()) 72 self._testBothArg(math_ops.argmax, x, 0, x.argmax()) 78 self._testBothArg(math_ops.argmax, x, 1, x.argmax(axis=1)) 91 self._testBothArg(math_ops.argmax, x, axis, x.argmax(axis)) 101 expected_values = x.argmax() 103 ans = math_ops.argmax(x, axis=0, output_type=dtypes.int32) 143 for op in math_ops.argmin, math_ops.argmax: 151 for op in math_ops.argmin, math_ops.argmax: 158 for op in math_ops.argmin, math_ops.argmax:
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/ |
D | MaxPoolWithArgmax.pbtxt | 12 name: "argmax" 75 name: "argmax" 142 name: "argmax" 211 name: "argmax" 281 name: "argmax" 351 name: "argmax"
|
D | MaxPoolGradWithArgmax.pbtxt | 12 name: "argmax" 76 name: "argmax" 144 name: "argmax" 214 name: "argmax" 285 name: "argmax" 356 name: "argmax"
|
D | MaxPoolGradGradWithArgmax.pbtxt | 12 name: "argmax" 80 name: "argmax" 150 name: "argmax" 221 name: "argmax" 292 name: "argmax"
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/ |
D | MaxPoolWithArgmax.pbtxt | 12 name: "argmax" 75 name: "argmax" 142 name: "argmax" 211 name: "argmax" 281 name: "argmax" 351 name: "argmax"
|
D | MaxPoolGradWithArgmax.pbtxt | 12 name: "argmax" 76 name: "argmax" 144 name: "argmax" 214 name: "argmax" 285 name: "argmax" 356 name: "argmax"
|
D | MaxPoolGradGradWithArgmax.pbtxt | 12 name: "argmax" 80 name: "argmax" 150 name: "argmax" 221 name: "argmax" 292 name: "argmax"
|
/external/armnn/python/pyarmnn/examples/keyword_spotting/ |
D | audio_utils.py | 19 results = [labels[np.argmax(model_output)], model_output[0][0][np.argmax(model_output)]]
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | argminmax_test.py | 56 math_ops.argmax, 62 math_ops.argmax, 68 math_ops.argmax,
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | categorical_op.cc | 114 xla::XlaOp argmax = xla::ArgMax(softmax_entries, xla_output_type, in Compile() local 118 argmax = xla::Reshape(argmax, {batch_size, 1}); in Compile() 121 ctx->SetOutput(0, argmax); in Compile()
|
/external/tensorflow/tensorflow/security/advisory/ |
D | tfsa-2021-062.md | 15 argmax = tf.constant([], shape=[0], dtype=tf.int64) 20 input=input, grad=grad, argmax=argmax, ksize=ksize, strides=strides,
|
D | tfsa-2021-057.md | 15 argmax = tf.constant([1], shape=[1], dtype=tf.int64) 20 input=input, grad=grad, argmax=argmax, ksize=ksize, strides=strides,
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_MaxPoolWithArgmax.pbtxt | 16 name: "argmax" 43 Whether to include batch dimension in flattened index of `argmax`. 48 The indices in `argmax` are flattened, so that a maximum value at position
|
D | api_def_MaxPoolGradGradWithArgmax.pbtxt | 17 name: "argmax" 50 Whether to include batch dimension in flattened index of `argmax`.
|
D | api_def_MaxPoolGradWithArgmax.pbtxt | 18 name: "argmax" 51 Whether to include batch dimension in flattened index of `argmax`.
|
/external/tensorflow/tensorflow/tools/compatibility/ |
D | README.md | 43 Added keyword 'input' to reordered function 'tf.argmax' 46 Old: tf.argmax([[1, 3, 2]], dimension=0) 48 New: tf.argmax(input=[[1, 3, 2]], axis=0) 55 particular, functions that have had reordered arguments like `tf.argmax`
|
/external/tensorflow/tensorflow/compiler/xla/client/lib/ |
D | arithmetic.cc | 160 XlaOp argmax = GetTupleElement(max_argmax, 1); in ArgMinMax() local 162 argmax = ConvertElementType(argmax, output_type); in ArgMinMax() 164 return argmax; in ArgMinMax()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | maxpooling_op.cc | 951 const Tensor& input, Tensor* output, Tensor* argmax, in launch() 955 context, output, argmax, /*input_backprop=*/nullptr, input, unused, in launch() 1005 Tensor* argmax = nullptr; in Compute() local 1006 OP_REQUIRES_OK(context, context->allocate_output(1, out_shape, &argmax)); in Compute() 1009 context, params, tensor_in, output, argmax, propagate_nans_, in Compute() 1030 const Tensor& grad_in, const Tensor& argmax, in launch() 1035 auto shard = [&grad_in, &argmax, &grad_out, include_batch_in_index]( in launch() 1045 auto argmax_flat = argmax.flat<int64_t>(); in launch() 1057 if (index >= argmax.NumElements()) { in launch() 1118 const Tensor& argmax = context->input(2); in Compute() local [all …]
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_argmax.cpp | 128 tensor_argmax = tensor.argmax(); in test_simple_argmax() 134 tensor_argmax = tensor.argmax(); in test_simple_argmax() 185 tensor_argmax = tensor.argmax(dim); in test_argmax_dim() 207 tensor_argmax = tensor.argmax(dim); in test_argmax_dim()
|
/external/armnn/python/pyarmnn/examples/object_detection/ |
D | yolo.py | 72 class_idx = np.argmax(output[0][:, d, 5:]) 77 element = int(np.argmax([all_det[i][2] for i in range(len(all_det))]))
|
/external/tensorflow/tensorflow/tools/compatibility/testdata/ |
D | test_file_v1_12.py | 63 tf.argmax([[1, 3, 2]], name='abc', dimension=1)) 66 tf.argmax([[1, 3, 2]], dimension=0))
|
/external/tensorflow/tensorflow/python/util/ |
D | traceback_utils_test.py | 86 _ = math_ops.argmax([0, 1], axis=2) 94 return math_ops.argmax(x, axis=2)
|
/external/tensorflow/tensorflow/python/kernel_tests/nn_ops/ |
D | pooling_ops_test.py | 935 argmax = self.evaluate(argmax_op) 937 out_op = gen_nn_ops.max_pool_grad_with_argmax(t, grad_in, argmax, ksize, 967 argmax = self.evaluate(argmax_op) 970 t, grad_in, argmax, ksize, strides, padding) 1014 out, argmax = self.evaluate([out_op, argmax_op]) 1016 self.assertShapeEqual(argmax, argmax_op) 1019 self.assertAllEqual(argmax.ravel(), config.argmax) 1042 config.argmax, shape=[2, 2, 2, 1], dtype=dtypes.int64) 1137 config.argmax, shape=[2, 2, 2, 1], dtype=dtypes.int64) 2463 argmax = array_ops.zeros((1, 1, 1, 1), dtype=dtypes.int64) [all …]
|
/external/tensorflow/tensorflow/python/ops/numpy_ops/ |
D | np_math_ops_test.py | 185 self.match(np_math_ops.argmax(arr), np.argmax(arr)) 197 np_math_ops.argmax(arr, axis=axis), np.argmax(arr, axis=axis))
|
/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/mnist/ |
D | mnist_train.py | 149 correct_prediction = tf.equal(tf.argmax(logits, 1), tf.argmax(labels, 1))
|