Home
last modified time | relevance | path

Searched refs:indices_tensor (Results 1 – 17 of 17) sorted by relevance

/external/tensorflow/tensorflow/core/kernels/
Dunravel_index_op.cc46 const Tensor& indices_tensor = ctx->input(0); in Compute() local
48 TensorShapeUtils::IsVector(indices_tensor.shape()) || in Compute()
49 TensorShapeUtils::IsScalar(indices_tensor.shape()), in Compute()
52 indices_tensor.shape().DebugString(), "\"")); in Compute()
92 const Tidx* indices = indices_tensor.flat<Tidx>().data(); in Compute()
93 int64_t size = indices_tensor.NumElements(); in Compute()
124 if (TensorShapeUtils::IsScalar(indices_tensor.shape())) { in Compute()
131 output = output.constant(indices_tensor.scalar<Tidx>()()); in Compute()
137 indices_tensor.NumElements()}), in Compute()
145 {1, static_cast<Eigen::Index>(indices_tensor.NumElements())}); in Compute()
[all …]
Dmap_stage_op.cc530 const Tensor* indices_tensor; in Compute() local
534 OP_REQUIRES_OK(ctx, ctx->input("indices", &indices_tensor)); in Compute()
553 OP_REQUIRES_OK(ctx, map->put(&key, indices_tensor, &tuple)); in Compute()
586 const Tensor* indices_tensor; in Compute() local
589 OP_REQUIRES_OK(ctx, ctx->input("indices", &indices_tensor)); in Compute()
590 OP_REQUIRES_OK(ctx, map->pop(key_tensor, indices_tensor, &tuple)); in Compute()
593 ctx, tuple.size() == indices_tensor->NumElements(), in Compute()
595 " vs. ", indices_tensor->NumElements())); in Compute()
633 const Tensor* indices_tensor; in Compute() local
636 OP_REQUIRES_OK(ctx, ctx->input("indices", &indices_tensor)); in Compute()
[all …]
/external/ComputeLibrary/tests/validation/fixtures/
DGatherFixture.h85 TensorType indices_tensor = create_tensor<TensorType>(indices_shape, DataType::U32); in compute_target() local
92 gather.configure(&src, &indices_tensor, &dst, axis); in compute_target()
95 ARM_COMPUTE_ASSERT(indices_tensor.info()->is_resizable()); in compute_target()
100 indices_tensor.allocator()->allocate(); in compute_target()
104 ARM_COMPUTE_ASSERT(!indices_tensor.info()->is_resizable()); in compute_target()
109 generate_indices(AccessorType(indices_tensor), input_shape, actual_axis, indices_shape); in compute_target()
124 SimpleTensor<uint32_t> indices_tensor{ indices_shape, DataType::U32 }; in compute_reference()
129 generate_indices(indices_tensor, input_shape, actual_axis, indices_shape); in compute_reference()
131 return reference::gather(src, indices_tensor, actual_axis); in compute_reference()
/external/tensorflow/tensorflow/examples/custom_ops_doc/multiplex_3/
Dmultiplex_3_kernel.cc179 Status ValidateSparseTensor(const ::tensorflow::Tensor& indices_tensor, in ValidateSparseTensor() argument
183 if (!TensorShapeUtils::IsMatrix(indices_tensor.shape())) { in ValidateSparseTensor()
186 " must be rank 2, not shape: ", indices_tensor.shape().DebugString()); in ValidateSparseTensor()
198 if (indices_tensor.dim_size(0) != values_tensor.dim_size(0)) { in ValidateSparseTensor()
202 indices_tensor.shape().DebugString(), in ValidateSparseTensor()
/external/tensorflow/tensorflow/lite/experimental/mlir/testing/op_tests/
Dtensor_scatter_add.py44 indices_tensor = tf.compat.v1.placeholder(
55 out = tf.tensor_scatter_nd_add(input_tensor, indices_tensor, adds_tensors)
56 return [input_tensor, indices_tensor, adds_tensors], [out]
Dtensor_scatter_update.py44 indices_tensor = tf.compat.v1.placeholder(
55 out = tf.tensor_scatter_nd_update(input_tensor, indices_tensor,
57 return [input_tensor, indices_tensor, updates_tensors], [out]
/external/tensorflow/tensorflow/lite/testing/op_tests/
Dtensor_scatter_update.py40 indices_tensor = tf.compat.v1.placeholder(
51 out = tf.tensor_scatter_nd_update(input_tensor, indices_tensor,
53 return [input_tensor, indices_tensor, updates_tensors], [out]
Dtensor_scatter_add.py40 indices_tensor = tf.compat.v1.placeholder(
51 out = tf.tensor_scatter_nd_add(input_tensor, indices_tensor, adds_tensors)
52 return [input_tensor, indices_tensor, adds_tensors], [out]
/external/tensorflow/tensorflow/core/kernels/fuzzing/
Dscatter_nd_fuzz.cc90 Tensor indices_tensor(tensorflow::DT_INT32, TensorShape(indices_dims)); in FuzzImpl() local
93 auto flat_indices = indices_tensor.flat<int32>(); in FuzzImpl()
122 RunInputs({{"indices", indices_tensor}, in FuzzImpl()
/external/tensorflow/tensorflow/python/kernel_tests/sparse_ops/
Dsparsemask_op_test.py38 indices_tensor = ops.convert_to_tensor(indices)
41 t = indexed_slices.IndexedSlices(values_tensor, indices_tensor)
/external/tensorflow/tensorflow/tools/graph_transforms/
Dsparsify_gather.cc40 Status SparsifyWeights(const Tensor& tensor, Tensor* indices_tensor, in SparsifyWeights() argument
68 *indices_tensor = Tensor(DataTypeToEnum<int64_t>::value, in SparsifyWeights()
71 indices_tensor->flat<int64_t>().data()); in SparsifyWeights()
350 Tensor indices_tensor; in SparsifyGatherInternal() local
353 SparsifyWeights(weight, &indices_tensor, &values_tensor)); in SparsifyGatherInternal()
358 CreateConstNode(indices_tensor, in SparsifyGatherInternal()
/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ops/
Ddata_format_vec_permute.cc159 ITensorProxyPtr indices_tensor = in Convert() local
164 *x_tensor->trt_tensor(), *indices_tensor->trt_tensor(), 0); in Convert()
/external/tensorflow/tensorflow/python/ops/ragged/
Dragged_gather_op_test.py421 for indices_tensor in indices_tensors:
423 params_tensor, indices_tensor, axis=axis, batch_dims=batch_dims)
429 0), getattr(indices_tensor, 'ragged_rank', 0)))
/external/tensorflow/tensorflow/core/grappler/
Dgrappler_item_builder.cc347 Tensor indices_tensor(DT_INT64, shape_2d); in GrapplerItemFromMetaGraphDef() local
348 InitializeTensor(input.dtype(), &indices_tensor); in GrapplerItemFromMetaGraphDef()
351 indices_tensor); in GrapplerItemFromMetaGraphDef()
/external/tensorflow/tensorflow/dtensor/cc/
Ddtensor_device_util.h452 std::unique_ptr<parallel_device::ParallelTensor> indices_tensor,
Ddtensor_device_util.cc434 std::unique_ptr<parallel_device::ParallelTensor> indices_tensor, in Wrap() argument
440 std::move(indices_tensor), std::move(values_tensor), in Wrap()
/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/
Dconvert_nodes.cc4400 ITensorProxyPtr indices_tensor = populate_tensor(indices_input); in ConvertGather() local
4408 *params_tensor->trt_tensor(), *indices_tensor->trt_tensor(), trt_axis); in ConvertGather()