/aosp_15_r20/external/executorch/backends/arm/test/ops/ |
H A D | test_view.py | 48 def forward(self, x: torch.Tensor, new_shape): argument 124 def test_view_tosa_MI(self, test_tensor: torch.Tensor, new_shape): argument 128 def test_view_tosa_BI(self, test_tensor: torch.Tensor, new_shape): argument 132 def test_view_u55_BI(self, test_tensor: torch.Tensor, new_shape): argument 137 def test_view_transpose_u55_BI(self, test_tensor: torch.Tensor, new_shape): argument 141 def test_view_u85_BI(self, test_tensor: torch.Tensor, new_shape): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/gpu/ |
H A D | fusion_bitcast_lift.cc | 153 Shape new_shape = i->users()[0]->shape(); in Run() local 196 Shape new_shape = i->users()[0]->shape(); in Run() local 211 Shape new_shape = i->users()[0]->shape(); in Run() local
|
H A D | cudnn_pad_for_convolutions.cc | 43 const Shape& new_shape) { in PadInstruction() 258 const Shape& new_shape) { in TryResolvePaddedShapesForTensorCore() 428 const Shape& new_shape) { in TryResolvePaddedShapesForIntegerConvolution()
|
H A D | cudnn_fused_conv_rewriter.cc | 171 Shape new_shape = conv->shape(); in FuseConvertToFloat() local 529 Shape new_shape = conv->shape(); in FuseConvertToF16() local 610 Shape new_shape = conv->shape(); in FuseConvertToS8() local
|
H A D | gpu_conv_rewriter.cc | 548 Shape new_shape = rhs->shape(); in MatchBackwardInput() local 644 Shape new_shape = lhs->shape(); in ConvertBatchGroupedToFeatureGroupedConvolution() local
|
H A D | triangular_solve_rewriter.cc | 48 Shape new_shape = ShapeUtil::MakeTupleShape({ in Run() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/experimental/tac/transforms/ |
H A D | device_transform_patterns.cc | 87 auto new_shape = builder->create<TFL::ConstOp>(loc, new_shape_attr); in InsertReshapeOp() local 399 SmallVector<int64_t, 4> new_shape; in matchAndRewrite() local 550 SmallVector<int64_t, 4> new_shape; in matchAndRewrite() local 651 SmallVector<int64_t, 2> new_shape({batch, channel}); in matchAndRewrite() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/cpu/ |
H A D | cpu_layout_assignment.cc | 82 Shape new_shape(old_shape); in RowMajorShape() local 90 Shape new_shape(old_shape); in ColMajorShape() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/ |
H A D | tpu_space_to_depth_pass.cc | 84 LogicalResult HandleCast(TF::CastOp cast_op, ArrayRef<int64_t> new_shape) { in HandleCast() 194 TF::ReshapeOp GetReshapeOpForConv2DFilter(ArrayRef<int64_t> new_shape, in GetReshapeOpForConv2DFilter() 248 SmallVector<int64_t, 6> new_shape = { in HandleConv2DFilter() local 314 SmallVector<int64_t, 4> new_shape(new_filter_shape.begin(), in HandleConv2DBackPropFilter() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/ |
H A D | convert_mover.cc | 138 Shape new_shape = instr->shape(); in MoveConvertPrecisionOps() local 179 Shape new_shape = to_convert->shape(); in MoveConvertPrecisionOps() local
|
H A D | conditional_simplifier.cc | 254 const Shape new_shape = ShapeUtil::MakeTupleShapeWithPtrs(new_tuple_shapes); in RemoveUnusedTupleElements() local 536 Shape new_shape = ShapeUtil::ChangeElementType(shape, PRED); in TryRemoveConditional() local
|
H A D | change_op_data_type.cc | 43 Shape new_shape = instr->shape(); in Run() local
|
H A D | convolution_pred_expander.cc | 55 Shape new_shape = ShapeUtil::ChangeElementType(instruction->shape(), F16); in ExpandInstruction() local
|
H A D | conditional_canonicalizer.cc | 36 auto new_shape = ShapeUtil::MakeTupleShape(absl::MakeSpan(&root_shape, 1)); in CanonicalizeNonTupleConditional() local
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/ |
H A D | string_util_test.cc | 70 auto new_shape = TfLiteIntArrayCreate(2); in TEST() local 186 auto new_shape = TfLiteIntArrayCreate(2); in TEST() local
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/common/ |
H A D | operations.h | 437 HW new_shape; member 450 HWD new_shape; member 573 BHWC new_shape; member 577 BHWDC new_shape; member
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/ops/ |
H A D | einsum.cc | 340 ITensorProxyPtr* new_shape) { in GetEinsumNewDynamicShape() 445 ITensorProxyPtr new_shape; in ConditionEinsumTensor() local 537 ITensorProxyPtr new_shape; in ShuffleEinsumOutput() local
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/common/task/ |
H A D | tensor_desc.h | 155 void SetBHWCShape(const BHWC& new_shape) { in SetBHWCShape() 158 void SetBHWDCShape(const BHWDC& new_shape) { shape_ = new_shape; } in SetBHWDCShape()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/transforms/ |
H A D | legalize_tf.cc | 240 llvm::SmallVector<int64_t, 2> new_shape{type.getShape()[1], in matchAndRewrite() local 718 auto new_shape = rewriter.create<TF::ConstOp>(op->getLoc(), new_shape_attr); in matchAndRewrite() local 864 auto new_shape = rewriter.create<TF::ConstOp>(op->getLoc(), new_shape_attr); in matchAndRewrite() local
|
H A D | optimize.cc | 280 auto new_shape = in ExpandTo4DForConvImpl() local 439 SmallVector<int, 4> new_shape; in ReshapeValueDroppingLastDim() local 1334 auto new_shape = rewriter.create<TF::ConstOp>(loc, new_shape_attr); in matchAndRewrite() local 1500 auto new_shape = rewriter.create<TFL::ConstOp>( in matchAndRewrite() local
|
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/ |
H A D | BatchRulesFactory.cpp | 23 c10::SmallVector<c10::SymInt> new_shape; in apply() local 42 VmapDimVector new_shape; in apply() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
H A D | shape_op.cc | 281 std::vector<int64_t> new_shape(existing_dims_size); in Compile() local 318 std::vector<int64_t> new_shape; in Compile() local
|
/aosp_15_r20/external/tensorflow/tensorflow/core/framework/ |
H A D | shape_inference.h | 296 ShapeHandle new_shape; in MergeInput() local 328 ShapeHandle new_shape; in RelaxInput() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/tests/ |
H A D | test_utils.cc | 287 Shape new_shape = shape; in MakeFakeLiteralInternal() local 391 Shape new_shape = shape; in MakeFakeLiteralInternalWithBounds() local
|
/aosp_15_r20/external/executorch/backends/cadence/aot/tests/ |
H A D | test_remove_ops_passes.py | 338 def test_remove_nop_view(self, shape, new_shape): argument 340 def __init__(self, new_shape): argument
|