Home
last modified time | relevance | path

Searched refs:slice_shape (Results 1 – 25 of 26) sorted by relevance

12

/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
Dstack_ops.cc152 TensorShape slice_shape = elem_shape; in Compile() local
153 slice_shape.InsertDim(0, 1LL); in Compile()
154 auto update = xla::Reshape(value, slice_shape.dim_sizes()); in Compile()
208 auto slice_shape = stack_shape.dim_sizes(); in Compile() local
209 slice_shape[0] = 1LL; in Compile()
213 xla::XlaOp read = xla::DynamicSlice(ta, start_indices, slice_shape); in Compile()
216 std::vector<int64> value_shape(slice_shape.begin() + 1, slice_shape.end()); in Compile()
Dtensor_list_utils.cc440 std::vector<int64> slice_shape = in ExecuteTensorListPopBack() local
442 slice_shape[0] = 1LL; in ExecuteTensorListPopBack()
445 xla::XlaOp read = xla::DynamicSlice(list_part, start_indices, slice_shape); in ExecuteTensorListPopBack()
447 slice_shape.erase(slice_shape.begin()); in ExecuteTensorListPopBack()
448 element_result_parts.push_back(xla::Reshape(read, slice_shape)); in ExecuteTensorListPopBack()
521 std::vector<int64> slice_shape = xla::SpanToVector(buffer_shape.dimensions()); in ExecuteTensorListGetItem() local
522 slice_shape[0] = 1LL; in ExecuteTensorListGetItem()
525 xla::XlaOp read = xla::DynamicSlice(list_part, start_indices, slice_shape); in ExecuteTensorListGetItem()
535 slice_shape.erase(slice_shape.begin()); in ExecuteTensorListGetItem()
536 *result = xla::Reshape(read, slice_shape); in ExecuteTensorListGetItem()
Dtensor_array_ops.cc219 TensorShape slice_shape = elem_shape; in Compile() local
220 slice_shape.InsertDim(0, 1LL); in Compile()
221 auto update = xla::Reshape(value, slice_shape.dim_sizes()); in Compile()
225 written = DynamicAddSlice(b, ta, update, slice_shape.dim_sizes(), in Compile()
270 auto slice_shape = ta_shape.dim_sizes(); in Compile() local
271 slice_shape[0] = 1LL; in Compile()
273 xla::XlaOp read = xla::DynamicSlice(ta, start_indices, slice_shape); in Compile()
276 std::vector<int64> value_shape(slice_shape.begin() + 1, slice_shape.end()); in Compile()
/external/tensorflow/tensorflow/compiler/xla/service/
Dall_to_all_decomposer.cc99 Shape slice_shape = all_to_all->shape(); in ExpandInstruction() local
100 slice_shape.set_dimensions(split_dim, split_size); in ExpandInstruction()
107 slice_shape, operand, slice_starts, slice_limits, slice_strides))); in ExpandInstruction()
113 std::vector<Shape>(all_to_all_group_size, slice_shape)); in ExpandInstruction()
122 HloInstruction::CreateGetTupleElement(slice_shape, new_all_to_all, i))); in ExpandInstruction()
Dhlo_creation_utils.cc86 TF_ASSIGN_OR_RETURN(Shape slice_shape, ShapeInference::InferSliceShape( in MakeSliceHlo()
90 slice_shape, operand, start_indices, limit_indices, strides)); in MakeSliceHlo()
Dalgebraic_simplifier_test.cc4283 Shape slice_shape = ShapeUtil::MakeShape(F32, {2, 2, 3, 3}); in TEST_F() local
4285 slice_shape, broadcast, {0, 1, 2, 3}, {2, 3, 5, 6}, {1, 1, 1, 1})); in TEST_F()
4292 EXPECT_TRUE(ShapeUtil::Equal(root->shape(), slice_shape)); in TEST_F()
4302 .WithShapeEqualTo(&slice_shape))); in TEST_F()
4634 Shape slice_shape = ShapeUtil::MakeShape(F32, {10, 1, 1000}); in TEST_F() local
4647 slice_shape, in TEST_F()
4654 slice_shape, in TEST_F()
4656 HloInstruction::CreateParameter(4, slice_shape, "to_update")), in TEST_F()
Dhlo_dataflow_analysis_test.cc2306 Shape slice_shape = ShapeUtil::MakeShape(F32, {1, 2}); in TEST_F() local
2313 slice_shape, param, {zero, zero}, {1, 2})); in TEST_F()
/external/tensorflow/tensorflow/core/kernels/
Dsparse_conditional_accumulator.h270 Eigen::DSizes<Eigen::DenseIndex, 1> slice_shape(num_col); in AddToAccumGradFunction()
277 SliceT sum_slice(sum_slice_ptr, slice_shape); in AddToAccumGradFunction()
282 SliceT accum_slice(accum_slice_ptr, slice_shape); in AddToAccumGradFunction()
290 SliceConstT grad_slice(grad_slice_ptr, slice_shape); in AddToAccumGradFunction()
292 SliceT accum_slice(accum_slice_ptr, slice_shape); in AddToAccumGradFunction()
299 SliceConstT grad_slice(grad_slice_ptr, slice_shape); in AddToAccumGradFunction()
339 Eigen::DSizes<Eigen::DenseIndex, 1> slice_shape(accum_flat.dimension(1)); in DivideAccumGradByCounter()
342 SliceT accum_slice(accum_slice_ptr, slice_shape); in DivideAccumGradByCounter()
Dload_and_remap_matrix_op.cc204 TensorShape slice_shape; in Compute() local
206 tensor_slice.SliceTensorShape(tensor_shape, &slice_shape)); in Compute()
209 if (loaded_tensor_t.shape() != slice_shape) { in Compute()
210 loaded_tensor_t = Tensor(DT_FLOAT, slice_shape); in Compute()
Dsave_restore_v2_ops.cc121 TensorShape slice_shape; in Compute() local
124 shape_spec, &shape, &slice, &slice_shape)); in Compute()
125 OP_REQUIRES(context, slice_shape.IsSameSize(tensor.shape()), in Compute()
Dsave_restore_tensor.cc107 TensorShape slice_shape; in SaveTensors() local
109 shape_spec, &shape, &slice, &slice_shape)); in SaveTensors()
110 OP_REQUIRES(context, slice_shape.IsSameSize(input.shape()), in SaveTensors()
Dscatter_nd_op.cc971 auto slice_shape = indices.shape(); in DoScatterNd() local
972 slice_shape.RemoveLastDims(1); in DoScatterNd()
974 "indices", SliceDebugString(slice_shape, bad_i), " = [", in DoScatterNd()
/external/tensorflow/tensorflow/compiler/xla/service/gpu/tests/
Dgpu_fusion_test.cc69 Shape slice_shape = ShapeUtil::MakeShape(F32, {10, 2}); in TEST_F() local
77 slice_shape, input, {0, 0}, {10, 2}, {1, 1}))); in TEST_F()
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/
Dcollection_ops_util.cc106 auto slice_shape = llvm::to_vector<8>(buffer_type.getShape()); in SetElement() local
107 slice_shape[0] = 1; in SetElement()
109 RankedTensorType::get(slice_shape, buffer_type.getElementType()); in SetElement()
114 ArrayRef<Value>{element, GetR1Const(slice_shape, builder, loc)}); in SetElement()
/external/tensorflow/tensorflow/python/ops/signal/
Dshape_ops.py188 slice_shape = array_ops.concat([outer_dimensions,
196 slice_shape), subframe_shape)
/external/tensorflow/tensorflow/compiler/xla/service/spmd/
Dfft_handler.cc95 auto slice_shape = concat->shape(); in PadEachPartitionWithHaloExchange() local
96 slice_shape.set_dimensions(concat->shape().rank() - 1, in PadEachPartitionWithHaloExchange()
107 slice_shape, concat, slice_offsets, slice_shape.dimensions())); in PadEachPartitionWithHaloExchange()
Dspmd_partitioner_util.cc488 auto slice_shape = concat->shape(); in TileToPartialReplicateHaloExchange() local
489 slice_shape.set_dimensions(dim, in TileToPartialReplicateHaloExchange()
497 slice_shape, concat, slice_offsets, slice_shape.dimensions())); in TileToPartialReplicateHaloExchange()
598 auto slice_shape = concat->shape(); in PadFromPartialReplicateShape() local
599 slice_shape.set_dimensions(dim, dst_per_shard_size); in PadFromPartialReplicateShape()
605 slice_shape, concat, slice_offsets, slice_shape.dimensions())); in PadFromPartialReplicateShape()
990 auto slice_shape = concat->shape(); in ExchangeHaloAndGetValidData() local
991 slice_shape.set_dimensions(dim, shard_size_with_halo); in ExchangeHaloAndGetValidData()
996 std::vector<int64> start_indices(slice_shape.rank(), 0); in ExchangeHaloAndGetValidData()
997 std::vector<int64> strides(slice_shape.rank(), 1); in ExchangeHaloAndGetValidData()
[all …]
Dspmd_partitioner.cc3006 const Shape& slice_shape = ShapeUtil::GetSubshape( in HandleOutfeed() local
3008 if (ShapeUtil::Compatible(element_shape, slice_shape)) { in HandleOutfeed()
3013 CHECK(slice_shape.IsArray()); in HandleOutfeed()
3014 std::vector<int64> start_indices(slice_shape.rank(), 0); in HandleOutfeed()
3015 std::vector<int64> slice_strides(slice_shape.rank(), 1); in HandleOutfeed()
3017 slice_shape, outfeed_operand, start_indices, in HandleOutfeed()
3018 slice_shape.dimensions(), slice_strides)); in HandleOutfeed()
Ddot_handler.cc1007 auto slice_shape = dot->shape(); in PartitionBaseCase() local
1012 slice_shape.set_dimensions(slice_dim, in PartitionBaseCase()
1018 slice_shape, dot, ccw_start_indices, slice_shape.dimensions(), in PartitionBaseCase()
1021 slice_shape, dot, cw_start_indices, dot->shape().dimensions(), in PartitionBaseCase()
/external/tensorflow/tensorflow/compiler/xla/service/gpu/
Dgpu_conv_padding_legalization.cc378 Shape slice_shape = in CanonicalizeBackwardInputConvolution() local
382 CHECK(ShapeUtil::Compatible(slice_shape, backward_conv_shape)) in CanonicalizeBackwardInputConvolution()
383 << ShapeUtil::HumanString(slice_shape) << " vs " in CanonicalizeBackwardInputConvolution()
/external/tensorflow/tensorflow/compiler/xla/service/cpu/
Dcpu_instruction_fusion_test.cc389 Shape slice_shape = ShapeUtil::MakeShape(S32, {}); in TEST_F() local
394 HloInstruction::CreateParameter(1, slice_shape, "starts")); in TEST_F()
466 Shape slice_shape = ShapeUtil::MakeShape(F32, {2}); in TEST_F() local
470 HloInstruction::CreateSlice(slice_shape, param0, {0}, {4}, {2})); in TEST_F()
554 Shape slice_shape = ShapeUtil::MakeShape(F32, {10, 1, 1000}); in TEST_F() local
567 slice_shape, in TEST_F()
/external/tensorflow/tensorflow/python/kernel_tests/
Dsegment_reduction_ops_test.py60 slice_shape = x.shape[indices.ndim:]
61 x_flat = x.reshape((indices.size,) + slice_shape)
71 initial_value_slice = np.ones(slice_shape) * initial_value
75 output = [o.reshape(slice_shape) for o in output]
/external/tensorflow/tensorflow/compiler/xla/tests/
Dtest_utils.cc561 const Shape& slice_shape = use->opcode() == HloOpcode::kDynamicSlice in CreateLiteralForConstrainedUses() local
572 ShapeUtil::GetDimension(slice_shape, in CreateLiteralForConstrainedUses()
/external/tensorflow/tensorflow/compiler/mlir/hlo/lib/Dialect/mhlo/IR/
Dhlo_ops.cc228 llvm::SmallVector<int64_t, 8> slice_shape(slice_end.size()); in matchAndRewrite() local
230 slice_shape[i] = slice_end[i] - slice_start[i]; in matchAndRewrite()
233 auto slice_type = RankedTensorType::get(slice_shape, element_type); in matchAndRewrite()
245 for (int64_t i = 0; i < slice_shape.size(); ++i) { in matchAndRewrite()
247 reshape_shape.push_back(slice_shape[i]); in matchAndRewrite()
/external/python/cpython3/Lib/test/
Dtest_buffer.py356 def slice_shape(lst, slices): function
361 return [len(lst[slices[0]])] + slice_shape(lst[0], slices[1:])
393 lshape = slice_shape(llst, lslices)
394 rshape = slice_shape(rlst, rslices)

12