Home
last modified time | relevance | path

Searched refs:reduce_mean (Results 1 – 25 of 74) sorted by relevance

123

/external/tensorflow/tensorflow/python/ops/ragged/
Dragged_reduce_op_test.py129 ragged_reduce_op=ragged_math_ops.reduce_mean,
245 ragged_reduce_op=ragged_math_ops.reduce_mean,
324 ragged_reduce_op=ragged_math_ops.reduce_mean,
367 ragged_reduce_op=ragged_math_ops.reduce_mean,
544 ragged_reduce_op=ragged_math_ops.reduce_mean,
550 ragged_reduce_op=ragged_math_ops.reduce_mean,
556 ragged_reduce_op=ragged_math_ops.reduce_mean,
655 reduced = ragged_math_ops.reduce_mean(rt_input, axis=1)
682 reduced = ragged_math_ops.reduce_mean(tensor, axis=1)
Dragged_math_ops.py670 @dispatch.dispatch_for_api(math_ops.reduce_mean)
671 def reduce_mean(input_tensor: ragged_tensor.Ragged, function
709 mean_of_square = reduce_mean(square_of_input, axis=axis, keepdims=keepdims)
710 mean = reduce_mean(input_tensor, axis=axis, keepdims=keepdims)
775 _set_ragged_reduce_docstring(reduce_mean, 'mean', 'averaged', 'NaN',
Dragged_map_fn_op_test.py44 fn=mo.reduce_mean,
59 fn=lambda x: array_ops.stack([mo.reduce_mean(x), mo.reduce_sum(x)]),
/external/tensorflow/tensorflow/python/ops/parallel_for/
Dxla_control_flow_ops_test.py66 return math_ops.reduce_mean(x, axis=0, keepdims=True)
78 return math_ops.reduce_mean(x, axis=0, keepdims=True)
90 return math_ops.reduce_mean(x, axis=0, keepdims=True)
116 return x_i - pfor_config.reduce_mean(x_i)
121 ans = x - math_ops.reduce_mean(x, axis=0)
/external/tensorflow/tensorflow/compiler/xla/service/gpu/tests/
Dmnist.py66 loss = tf.reduce_mean(tf.nn.sparse_softmax_cross_entropy_with_logits(
81 accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
/external/tensorflow/tensorflow/tools/compatibility/testdata/
Dtest_file_v0_11.py68 tf.reduce_mean(
71 tf.reduce_mean(
73 self.assertAllEqual(tf.reduce_mean(a, [0, 1]).eval(), 3.5)
/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/mnist/
Dmnist_train.py145 loss_value = tf.reduce_mean(
150 accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
/external/tensorflow/tensorflow/compiler/tests/
Dreduce_ops_test.py151 self._testReduction(math_ops.reduce_mean, np.mean, np.float32,
156 self._testReduction(math_ops.reduce_mean, np.mean, np.float16, self.ONES,
160 self._testReduction(math_ops.reduce_mean, np.mean, np.complex64,
Dimage_ops_jit_compile_test.py49 loss_value = math_ops.reduce_mean((y - output)**2)
/external/tensorflow/tensorflow/python/kernel_tests/distributions/
Dmultinomial_test.py271 sample_mean = math_ops.reduce_mean(x, 0)
273 sample_cov = math_ops.reduce_mean(math_ops.matmul(
310 sample_mean = math_ops.reduce_mean(x, 0)
340 sample_mean = math_ops.reduce_mean(x, 0)
Ddirichlet_test.py167 sample_mean = math_ops.reduce_mean(x, 0)
169 sample_cov = math_ops.reduce_mean(math_ops.matmul(
280 kl_sample = math_ops.reduce_mean(d1.log_prob(x) - d2.log_prob(x), 0)
Ddirichlet_multinomial_test.py236 sample_mean = math_ops.reduce_mean(x, 0)
238 sample_cov = math_ops.reduce_mean(math_ops.matmul(
441 sample_mean = math_ops.reduce_mean(x, 0)
471 sample_mean = math_ops.reduce_mean(x, 0)
/external/tensorflow/tensorflow/python/kernel_tests/
Dtemplate_test.py94 train_loss = math_ops.reduce_mean(
96 test_loss = math_ops.reduce_mean(
134 return math_ops.reduce_mean(
139 return math_ops.reduce_mean(
175 return math_ops.reduce_mean(
180 return math_ops.reduce_mean(
/external/tensorflow/tensorflow/python/debug/examples/v2/
Ddebug_mnist_v2.py213 loss = tf.reduce_mean(diff)
234 accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
/external/tensorflow/tensorflow/python/debug/examples/v1/
Ddebug_mnist_v1.py190 cross_entropy = tf.reduce_mean(diff)
200 accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
/external/tensorflow/tensorflow/lite/experimental/acceleration/mini_benchmark/metrics/
Dmobilenet.py43 tf.math.reduce_mean((expected_scores - actual_scores)**2), [1],
/external/tensorflow/tensorflow/python/kernel_tests/random/
Drandom_grad_test.py213 mean_sample = math_ops.reduce_mean(sample, axis=0)
242 loss = math_ops.reduce_mean(math_ops.square(sample - t))
/external/tensorflow/tensorflow/python/keras/layers/preprocessing/benchmarks/
Dembedding_dense_benchmark.py45 model.add(keras.layers.Lambda(lambda x: math_ops.reduce_mean(x, axis=-1)))
Dembedding_varlen_benchmark.py46 model.add(keras.layers.Lambda(lambda x: math_ops.reduce_mean(x, axis=-1)))
/external/tensorflow/tensorflow/python/distribute/coordinator/
Dfault_tolerance_test.py251 return math_ops.reduce_mean(math_ops.matmul(x, y))
334 return math_ops.reduce_mean(math_ops.matmul(x, y))
368 return math_ops.reduce_mean(math_ops.matmul(x, y))
407 return math_ops.reduce_mean(math_ops.matmul(v, y))
/external/tensorflow/tensorflow/python/kernel_tests/math_ops/
Dreduction_ops_test.py102 (math_ops.reduce_sum, math_ops.reduce_mean,
120 (dtypes.float32, (math_ops.reduce_sum, math_ops.reduce_mean,
242 tf_mean = math_ops.reduce_mean(tf_arr, 0, False)
422 return math_ops.reduce_mean(x, reduction_axes, keepdims)
446 v = math_ops.reduce_mean([0, 0], constant_op.constant(0, dtype=dtype))
526 y = math_ops.reduce_mean(x, [1])
536 y = math_ops.reduce_mean(x, [0]).eval()
560 v = math_ops.reduce_mean([0, 0], constant_op.constant(0, dtype=dtype))
/external/tensorflow/tensorflow/python/distribute/
Dsingle_loss_example.py106 loss = math_ops.reduce_mean(
/external/tensorflow/tensorflow/python/tpu/
Dtensor_tracer_flags.py336 TT_SUMMARY_SPARSITY: math_ops.reduce_mean,
337 TT_SUMMARY_MEAN: math_ops.reduce_mean,
/external/tensorflow/tensorflow/python/profiler/internal/
Dmodel_analyzer_testlib.py66 loss = nn_ops.l2_loss(math_ops.reduce_mean(target - out))
/external/tensorflow/tensorflow/lite/testing/op_tests/
Dreduce.py226 tf.reduce_mean,

123