/external/tensorflow/tensorflow/tools/compatibility/testdata/ |
D | test_file_v0_11.py | 48 b, reduction_indices=dim0).eval(), [True, True]) 51 b, reduction_indices=[0]).eval(), [False, False, False]) 54 b, reduction_indices=dim1).eval(), [False, False]) 57 a, reduction_indices=[1]).eval(), [6., 15.]) 60 a, reduction_indices=[0, 1]).eval(), 21.0) 64 a, reduction_indices=[1]).eval(), [6., 120.]) 67 a, reduction_indices=[0, 1]).eval(), 720.0) 71 a, reduction_indices=[1]).eval(), [2., 5.]) 74 a, reduction_indices=[0, 1]).eval(), 3.5) 78 a, reduction_indices=[1]).eval(), [1., 4.]) [all …]
|
/external/tensorflow/tensorflow/python/ops/ |
D | string_ops.py | 308 def _reduce_join_reduction_dims(x, axis, reduction_indices): argument 311 if reduction_indices is not None: 314 axis = reduction_indices 333 reduction_indices=None, argument 338 reduction_indices = _reduce_join_reduction_dims( 339 inputs_t, axis, reduction_indices) 342 reduction_indices=reduction_indices,
|
D | math_ops.py | 1281 def _ReductionDims(x, axis, reduction_indices=None): # pylint: disable=invalid-name argument 1284 if reduction_indices is not None: 1287 axis = reduction_indices 1319 reduction_indices=None, argument 1361 "axis", axis, "reduction_indices", reduction_indices) 1466 reduction_indices=None, argument 1525 "reduction_indices", reduction_indices 1604 reduction_indices=None, argument 1656 "axis", axis, "reduction_indices", reduction_indices) 1857 reduction_indices=None, argument [all …]
|
D | math_grad.py | 150 reduction_indices = array_ops.reshape(op.inputs[1], [-1]) 164 reduction_indices = (reduction_indices + rank) % rank 165 reduced = math_ops.cast(reduction_indices, dtypes.int32)
|
/external/tensorflow/tensorflow/core/kernels/ |
D | reduce_join_op.cc | 76 gtl::InlinedVector<int32, 8> GetReducedIndices(const Tensor& reduction_indices, in GetReducedIndices() argument 78 const auto reduction_indices_flat = reduction_indices.flat<int32>(); in GetReducedIndices() 129 const Tensor& reduction_indices = context->input(1); in Compute() local 130 const auto reduction_indices_flat = reduction_indices.flat<int32>(); in Compute() 149 GetReducedIndices(reduction_indices, input_dims); in Compute()
|
D | quantized_instance_norm.cc | 305 reduction_indices; in Compute() local 315 const Eigen::array<Index, 2> reduction_indices{1, 2}; in Compute() local 351 reduction_indices, Eigen::internal::MeanReducer<float>()); in Compute() 358 .reduce(reduction_indices, Eigen::internal::MeanReducer<float>()); in Compute()
|
/external/tensorflow/tensorflow/contrib/eager/python/examples/resnet50/ |
D | resnet50.py | 262 reduction_indices = [1, 2] if data_format == 'channels_last' else [2, 3] 263 reduction_indices = tf.constant(reduction_indices) 267 reduction_indices=reduction_indices, 271 tf.reduce_max, reduction_indices=reduction_indices, keep_dims=False)
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_EuclideanNorm.pbtxt | 13 name: "reduction_indices" 34 Reduces `input` along the dimensions given in `reduction_indices`. Unless 36 `reduction_indices`. If `keep_dims` is true, the reduced dimensions are
|
D | api_def_Mean.pbtxt | 16 name: "reduction_indices" 37 Reduces `input` along the dimensions given in `reduction_indices`. Unless 39 `reduction_indices`. If `keep_dims` is true, the reduced dimensions are
|
D | api_def_Max.pbtxt | 16 name: "reduction_indices" 37 Reduces `input` along the dimensions given in `reduction_indices`. Unless 39 `reduction_indices`. If `keep_dims` is true, the reduced dimensions are
|
D | api_def_Any.pbtxt | 16 name: "reduction_indices" 37 Reduces `input` along the dimensions given in `reduction_indices`. Unless 39 `reduction_indices`. If `keep_dims` is true, the reduced dimensions are
|
D | api_def_Min.pbtxt | 16 name: "reduction_indices" 37 Reduces `input` along the dimensions given in `reduction_indices`. Unless 39 `reduction_indices`. If `keep_dims` is true, the reduced dimensions are
|
D | api_def_Sum.pbtxt | 16 name: "reduction_indices" 37 Reduces `input` along the dimensions given in `reduction_indices`. Unless 39 `reduction_indices`. If `keep_dims` is true, the reduced dimensions are
|
D | api_def_Prod.pbtxt | 16 name: "reduction_indices" 37 Reduces `input` along the dimensions given in `reduction_indices`. Unless 39 `reduction_indices`. If `keep_dims` is true, the reduced dimensions are
|
D | api_def_All.pbtxt | 16 name: "reduction_indices" 37 Reduces `input` along the dimensions given in `reduction_indices`. Unless 39 `reduction_indices`. If `keep_dims` is true, the reduced dimensions are
|
D | api_def_ReduceJoin.pbtxt | 10 name: "reduction_indices" 13 order specified. Omitting `reduction_indices` is equivalent to passing
|
/external/tensorflow/tensorflow/tools/api/golden/v1/ |
D | tensorflow.math.pbtxt | 105 …s=[\'input_tensor\', \'axis\', \'keepdims\', \'dtype\', \'name\', \'reduction_indices\', \'keep_di… 305 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 309 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 317 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 321 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 325 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 329 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 333 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 341 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_…
|
D | tensorflow.strings.pbtxt | 21 …gs=[\'inputs\', \'axis\', \'keep_dims\', \'separator\', \'name\', \'reduction_indices\', \'keepdim…
|
D | tensorflow.pbtxt | 1021 …s=[\'input_tensor\', \'axis\', \'keepdims\', \'dtype\', \'name\', \'reduction_indices\', \'keep_di… 1813 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 1817 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 1821 …gs=[\'inputs\', \'axis\', \'keep_dims\', \'separator\', \'name\', \'reduction_indices\', \'keepdim… 1825 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 1829 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 1833 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 1837 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 1841 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_… 1845 …argspec: "args=[\'input_tensor\', \'axis\', \'keepdims\', \'name\', \'reduction_indices\', \'keep_…
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_index_list.cpp | 319 ReductionIndices reduction_indices; in test_mixed_index_list() local 320 reduction_indices.set(1, 1); in test_mixed_index_list() 321 reduction_indices.set(3, 3); in test_mixed_index_list() 322 …EIGEN_STATIC_ASSERT((internal::array_get<0>(reduction_indices) == 0), YOU_MADE_A_PROGRAMMING_MISTA… in test_mixed_index_list() 323 …EIGEN_STATIC_ASSERT((internal::array_get<2>(reduction_indices) == 2), YOU_MADE_A_PROGRAMMING_MISTA… in test_mixed_index_list() 345 Tensor<float, 0> result2 = tensor.sum(reduction_indices); in test_mixed_index_list()
|
/external/tensorflow/tensorflow/cc/gradients/ |
D | math_grad.cc | 802 auto reduction_indices = op.input(1); in MinOrMaxGrad() local 809 ReducedShapeHelper(scope, input_shape, reduction_indices); in MinOrMaxGrad() 830 auto num_selected = Reshape(scope, Sum(scope, indicators, reduction_indices), in MinOrMaxGrad() 892 auto reduction_indices = Reshape(scope, op.input(1), {-1}); in ProdGrad() local 896 ReducedShapeHelper(scope, input_shape, reduction_indices); in ProdGrad() 914 auto reduction_indices_pos = Mod(cpu_scope, Add(cpu_scope, reduction_indices, rank), rank); in ProdGrad()
|
/external/tensorflow/tensorflow/core/grappler/optimizers/ |
D | constant_folding.cc | 630 int reduction_indices = reduce_dims[j].size(); in MaterializeBroadcastGradientArgs() local 631 Tensor value(type, TensorShape({reduction_indices})); in MaterializeBroadcastGradientArgs() 632 for (int i = 0; i < reduction_indices; ++i) { in MaterializeBroadcastGradientArgs() 748 NodeDef* reduction_indices = graph_->add_node(); in MaterializeReductionIndices() local 758 CreateNodeDef(const_name, TensorValue(&value), reduction_indices)); in MaterializeReductionIndices() 760 reduction_indices->set_device(node->device()); in MaterializeReductionIndices() 763 *reduction_indices->add_input() = ctrl_dep; in MaterializeReductionIndices() 764 node_map_->AddNode(const_name, reduction_indices); in MaterializeReductionIndices() 767 node->set_input(1, reduction_indices->name()); in MaterializeReductionIndices() 769 reduction_indices->name()); in MaterializeReductionIndices() [all …]
|
/external/tensorflow/tensorflow/core/graph/ |
D | graph_constructor_test.cc | 2908 name: "Sum/reduction_indices" in TEST_F() 2938 input: "Sum/reduction_indices" in TEST_F() 2992 name: "Sum/reduction_indices" in TEST_F() 3022 input: "Sum/reduction_indices" in TEST_F()
|
/external/tensorflow/tensorflow/lite/toco/graph_transformations/ |
D | propagate_fixed_sizes.cc | 574 const auto& reduction_indices = in ProcessTensorFlowReductionOperator() local 576 for (int i = 0; i < reduction_indices.size(); ++i) { in ProcessTensorFlowReductionOperator() 577 const int32 reduction_index = reduction_indices[i]; in ProcessTensorFlowReductionOperator()
|
/external/tensorflow/tensorflow/core/ops/compat/ |
D | ops_history.v0.pbtxt | 732 name: "reduction_indices" 754 name: "reduction_indices" 838 name: "reduction_indices" 860 name: "reduction_indices" 16457 name: "reduction_indices" 16498 name: "reduction_indices" 16540 name: "reduction_indices" 16583 name: "reduction_indices" 16627 name: "reduction_indices" 17446 name: "reduction_indices" [all …]
|