/external/tensorflow/tensorflow/python/kernel_tests/ |
D | argmax_op_test.py | 63 self._testBothArg(math_ops.argmax, x, 0, x.argmax()) 71 self._testBothArg(math_ops.argmax, x, axis, x.argmax(axis)) 80 expected_values = x.argmax() 82 ans = math_ops.argmax(x, axis=0, output_type=dtypes.int32) 109 for op in math_ops.argmin, math_ops.argmax: 117 for op in math_ops.argmin, math_ops.argmax: 124 for op in math_ops.argmin, math_ops.argmax:
|
D | pooling_ops_test.py | 789 argmax = self.evaluate(argmax_op) 791 out_op = gen_nn_ops.max_pool_grad_with_argmax(t, grad_in, argmax, ksize, 818 argmax = self.evaluate(argmax_op) 821 t, grad_in, argmax, ksize, strides, padding) 863 out, argmax = self.evaluate([out_op, argmax_op]) 865 self.assertShapeEqual(argmax, argmax_op) 868 self.assertAllEqual(argmax.ravel(), config.argmax) 891 config.argmax, shape=[2, 2, 2, 1], dtype=dtypes.int64) 931 config.argmax, shape=[2, 2, 2, 1], dtype=dtypes.int64)
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | categorical_op.cc | 103 xla::XlaOp argmax = xla::ArgMax(softmax_entries, xla_output_type, in Compile() local 106 argmax = xla::Reshape(argmax, {batch_size, 1}); in Compile() 109 ctx->SetOutput(0, argmax); in Compile()
|
D | index_ops_kernel_argmax_float_1d.cc | 38 out_eig = in_eig.argmax(0).cast<int64>(); in argmax_float_1d_xla_impl()
|
D | index_ops_kernel_argmax_float_2d.cc | 43 out_eig = in_eig.argmax(dim).cast<int64>(); in argmax_float_2d_xla_impl()
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | argminmax_test.py | 60 math_ops.argmax, 66 math_ops.argmax, 72 math_ops.argmax,
|
/external/tensorflow/tensorflow/tools/compatibility/ |
D | README.md | 42 Added keyword 'input' to reordered function 'tf.argmax' 45 Old: tf.argmax([[1, 3, 2]], dimension=0)) 47 New: tf.argmax(input=[[1, 3, 2]], axis=0)) 54 particular, functions that have had reordered arguments like `tf.argmax`
|
/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/contrib/slim/python/slim/nets/ |
D | vgg_test.py | 115 predictions = math_ops.argmax(logits, 1) 138 predictions = math_ops.argmax(logits, 1) 249 predictions = math_ops.argmax(logits, 1) 272 predictions = math_ops.argmax(logits, 1) 390 predictions = math_ops.argmax(logits, 1) 413 predictions = math_ops.argmax(logits, 1)
|
D | overfeat_test.py | 106 predictions = math_ops.argmax(logits, 1) 129 predictions = math_ops.argmax(logits, 1)
|
D | alexnet_test.py | 106 predictions = math_ops.argmax(logits, 1) 129 predictions = math_ops.argmax(logits, 1)
|
D | inception_v1_test.py | 183 predictions = math_ops.argmax(logits, 1) 201 predictions = math_ops.argmax(logits, 1)
|
/external/tensorflow/tensorflow/core/kernels/ |
D | maxpooling_op.cc | 889 const Tensor& input, Tensor* output, Tensor* argmax, in launch() 892 SpatialMaxPoolWithArgMaxHelper<CPUDevice, T>(context, output, argmax, in launch() 934 Tensor* argmax = nullptr; in Compute() local 935 OP_REQUIRES_OK(context, context->allocate_output(1, out_shape, &argmax)); in Compute() 938 context, params, tensor_in, output, argmax, propagate_nans_, in Compute() 959 const Tensor& grad_in, const Tensor& argmax, in launch() 964 auto shard = [&grad_in, &argmax, &grad_out, include_batch_in_index]( in launch() 973 auto argmax_flat = argmax.flat<int64>(); in launch() 1036 const Tensor& argmax = context->input(2); in Compute() local 1051 context, params, grad_in, argmax, grad_out, include_batch_in_index_); in Compute() [all …]
|
D | argmax_op.h | 34 output.device(d) = input.argmax(dimension).template cast<Tout>(); \
|
/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()
|
D | cxx11_tensor_argmax_cuda.cu | 53 gpu_out_max.device(gpu_device) = gpu_in.argmax(); in test_cuda_simple_argmax() 114 gpu_out.device(gpu_device) = gpu_in.argmax(dim); in test_cuda_argmax_dim() 142 gpu_out.device(gpu_device) = gpu_in.argmax(dim); in test_cuda_argmax_dim()
|
/external/tensorflow/tensorflow/contrib/crf/python/ops/ |
D | crf.py | 413 backpointers[t] = np.argmax(v, 0) 415 viterbi = [np.argmax(trellis[-1])] 470 backpointers = math_ops.argmax(transition_scores, 1) 541 math_ops.argmax(squeezed_potentials, axis=1), 1) 573 initial_state = math_ops.cast(math_ops.argmax(last_score, axis=1), # [B]
|
/external/tensorflow/tensorflow/tools/compatibility/testdata/ |
D | test_file_v1_12.py | 60 tf.argmax([[1, 3, 2]], name='abc', dimension=1)) 63 tf.argmax([[1, 3, 2]], dimension=0))
|
/external/tensorflow/tensorflow/python/debug/examples/ |
D | debug_mnist.py | 117 correct_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1))
|
/external/autotest/server/brillo/ |
D | audio_utils.py | 212 numpy.argmax(numpy.abs(fft_reference))] 214 freq_rec = fft_freqs_rec[numpy.argmax(abs_fft_rec)]
|
/external/tensorflow/tensorflow/contrib/eager/python/ |
D | metrics_impl.py | 439 labels = math_ops.argmax(labels, axis=-1) 440 predictions = math_ops.argmax(predictions, axis=-1) 540 predictions = math_ops.argmax(predictions, axis=-1)
|
/external/tensorflow/tensorflow/python/keras/utils/ |
D | np_utils_test.py | 49 np.argmax(one_hot, -1).reshape(label.shape) == label))
|
/external/tensorflow/tensorflow/examples/tf2_showcase/ |
D | mnist.py | 132 predictions = tf.argmax(logits, axis=1, output_type=tf.int64) 175 tf.argmax(logits, axis=1, output_type=tf.int64),
|