Home
last modified time | relevance | path

Searched full:new_zeros (Results 1 – 25 of 111) sorted by relevance

12345

/aosp_15_r20/external/pytorch/torch/_decomp/
H A Ddecompositions_for_jvp.py108 min = torch.minimum(self.new_zeros(()), self)
111 buffer = self.new_zeros((0,))
159 input.new_zeros(input_shape),
160 input.new_zeros(input_shape[axis:]),
161 input.new_zeros(input_shape[axis:]),
H A Ddecompositions.py737 grad_input = grad_output.new_zeros(input_sizes)
866 grad_input = grad_output.new_zeros(input_sizes)
875 grad_input = grad_output.new_zeros(input_sizes)
1105 output = input.new_zeros(
1146 grad_input = grad.new_zeros(input_size)
1282 counts = indices.new_zeros((num_weights,))
1290 grad_weight = grad_output.new_zeros(
1721 input.new_zeros(input_shape) if output_mask[0] else None,
1722 input.new_zeros(input_shape[axis:]) if output_mask[1] else None,
1723 input.new_zeros(input_shape[axis:]) if output_mask[2] else None,
[all …]
/aosp_15_r20/external/pytorch/torch/testing/_internal/
H A Dautograd_function_db.py379 result = grad_output.new_zeros(ctx.x_shape)
408 result = grad_output.new_zeros(ctx.x_shape)
454 # Intentionally returning torch.zeros instead of zeros_like or new_zeros.
464 # Intentionally returning torch.zeros instead of zeros_like or new_zeros.
490 result = grad_output.new_zeros(ctx.x_shape)
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/
H A DBatchRulesFactory.cpp50 // USAGE: NEW_BLAH_BATCH_RULE(at::new_zeros)
51 // INCORRECT USAGE: NEW_BLAH_BATCH_RULE(&at::new_zeros)
234 VMAP_SUPPORT(new_zeros, NEW_BLAH_BATCH_RULE_SYMINT(ATEN_FN(new_zeros))); in TORCH_LIBRARY_IMPL()
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/onnx/
H A Dpreprocess_for_onnx.cpp123 // %8 : Tensor = aten::new_zeros(%x.1, %7, %2, %2, %2, %2)
135 // %8 : Tensor = aten::new_zeros(%x.1, %9, %2, %2, %2, %2)
175 // %6 : Tensor = aten::new_zeros(%x.1, %5, %1, %1, %1, %1)
187 // %6 : Tensor = aten::new_zeros(%x.1, %5, %1, %1, %1, %1)
/aosp_15_r20/external/pytorch/torch/distributed/tensor/_ops/
H A D_experimental_ops.py24 slice_backward is a new_zeros + slice_scatter, we only allow replication
25 on the input/output for now since new_zeros would produce replication
/aosp_15_r20/external/pytorch/docs/source/
H A Dfunc.ux_limitations.rst170 - Replace :func:`torch.zeros` with :meth:`Tensor.new_zeros`
198 result = vec.new_zeros(vec.shape[0], vec.shape[0])
205 Replacing :func:`torch.zeros` with :meth:`Tensor.new_zeros` makes it so that
/aosp_15_r20/system/update_engine/payload_generator/
H A Ddelta_diff_utils.cc751 vector<Extent> new_zeros; in DeltaMovedAndZeroBlocks() local
761 AppendBlockToExtents(&new_zeros, block); in DeltaMovedAndZeroBlocks()
781 new_visited_blocks->AddExtents(new_zeros); in DeltaMovedAndZeroBlocks()
782 for (const Extent& extent : new_zeros) { in DeltaMovedAndZeroBlocks()
811 << utils::BlocksInExtents(new_zeros) << " zeroed blocks"; in DeltaMovedAndZeroBlocks()
H A Ddelta_diff_utils_unittest.cc594 vector<Extent> new_zeros = { in TEST_F() local
600 brillo::Blob zeros_data(utils::BlocksInExtents(new_zeros) * block_size_, in TEST_F()
602 ASSERT_TRUE(WriteExtents(new_part_.path, new_zeros, block_size_, zeros_data)); in TEST_F()
616 ASSERT_EQ(new_zeros, in TEST_F()
/aosp_15_r20/external/pytorch/functorch/op_analysis/
H A Dpublic_api379 new_zeros
380 new_zeros
/aosp_15_r20/external/pytorch/torch/
H A D_lobpcg.py48 poly_coeffs = roots.new_zeros(poly_coeffs_shape)
176 # res = A.new_zeros(A.shape)
177 # p_res = A.new_zeros(*A.shape[:-1], D.size(-1))
200 series_acc = U_grad_projected.new_zeros(U_grad_projected.shape)
208 # chr_poly_D_at_A = A.new_zeros(A.shape)
/aosp_15_r20/external/pytorch/torch/_prims/
H A Dcontext.py45 torch.Tensor.new_zeros: torch._refs.new_zeros,
/aosp_15_r20/external/pytorch/torch/masked/
H A D_ops.py487 flat_indices = indices.new_zeros(indices.size(1))
606 where_input_values.new_zeros((n,) + where_input_values.shape[1:]),
787 crow_indices.new_zeros(1),
793 new_col_indices = col_indices.new_zeros(new_nnz)
807 new_col_indices = col_indices.new_zeros(nnz)
1639 count = torch.maximum(count, count.new_zeros([]))
/aosp_15_r20/external/tensorflow/tensorflow/c/eager/
H A Dtape.h1052 std::vector<Gradient*> new_zeros; in Accumulate() local
1053 auto delete_new_zeros = gtl::MakeCleanup([&new_zeros, this] { in Accumulate()
1054 for (Gradient* tensor : new_zeros) { in Accumulate()
1069 new_zeros.push_back(zero); in Accumulate()
/aosp_15_r20/external/pytorch/test/nn/
H A Dtest_packed_sequence.py123 extra_pad = no_extra_pad.new_zeros(
128 extra_pad = no_extra_pad.new_zeros(
H A Dtest_parametrization.py73 return torch.cat([x.new_zeros(1), x[1:]])
77 return torch.cat([x[:-1], x.new_zeros(1)])
353 return torch.cat([x.new_zeros(1), x[1:]])
357 return torch.cat([x[:-1], x.new_zeros(1)])
/aosp_15_r20/external/pytorch/test/
H A Dtest_masked.py270 strided = torch.where(mask, strided, strided.new_zeros([]))
271 expected = torch.where(mask, expected, expected.new_zeros([]))
/aosp_15_r20/external/pytorch/test/distributions/
H A Dtest_transforms.py413 expected = x.new_zeros(x.shape[x.dim() - transform.domain.event_dim])
414 expected = x.new_zeros(x.shape[x.dim() - transform.domain.event_dim])
/aosp_15_r20/external/pytorch/test/onnx/
H A Dtest_fx_to_onnx.py169 return input.new_zeros(())
178 expected_node="aten.new_zeros.default",
/aosp_15_r20/external/pytorch/test/inductor/
H A Dtest_padding.py416 pad = x.new_zeros(*x.shape[:dim], padded_length, *x.shape[dim + 1 :])
637 pad = x.new_zeros(x.size(0), 6)
H A Dindirect_assert_helper.py43 b = x.new_zeros((), dtype=torch.int64)
/aosp_15_r20/external/pytorch/torch/nn/utils/
H A Dparametrizations.py87 [X, X.new_zeros(n, n - k).expand(*X.shape[:-2], -1, -1)], dim=-1
139 # Y = torch.cat([X.tril(), X.new_zeros(n, n - k).expand(*X.shape[:-2], -1, -1)], dim=-1)
/aosp_15_r20/external/pytorch/torch/optim/
H A D_adafactor.py102 state["row_var"] = p.grad.new_zeros(row_shape)
107 state["col_var"] = p.grad.new_zeros(col_shape)
/aosp_15_r20/external/pytorch/test/dynamo/
H A Dtest_higher_order_ops.py2970 chunk: "f32[12, 12]" = l_x_.new_zeros(12, 12)
3019 chunk_1: "f32[12, 12]" = results.new_zeros(12, 12); results = None
3102 chunk: "f32[12, 12]" = l_y_.new_zeros(12, 12)
3153 chunk_1: "f32[12, 12]" = results.new_zeros(12, 12); results = None
3279 chunk: "f32[12, 12]" = results.new_zeros(12, 12); results = None
3359 chunk: "f32[12, 12]" = results.new_zeros(12, 12); results = None
3441 chunk: "f32[12, 12]" = results.new_zeros(12, 12); results = None
4614 chunk: "f32[12, 12]" = l_x_.new_zeros(12, 12)
4697 chunk: "f32[12, 12]" = l_y_.new_zeros(12, 12)
4781 chunk: "f32[12, 12]" = l_y_.new_zeros(12, 12)
[all …]
/aosp_15_r20/external/pytorch/torch/_subclasses/
H A Dfake_impls.py82 aten.new_zeros.default,
83 aten.new_zeros.out,

12345