/aosp_15_r20/external/pytorch/test/ |
H A D | test_complex.py | 93 actual = torch.full_like(b, complex(2, 2)) 100 actual = torch.full_like(b, complex(2, 2)) 194 actual = torch.full_like(b, complex(2, 2)) 218 actual = torch.full_like(b, complex(2, 2)) 274 actual = torch.full_like(b, complex(2, 2)) 281 actual = torch.full_like(b, complex(2, 2)) 375 actual = torch.full_like(b, complex(2, 2)) 399 actual = torch.full_like(b, complex(2, 2))
|
/aosp_15_r20/external/pytorch/test/export/ |
H A D | test_experimental.py | 234 …full_like = torch.ops.aten.full_like.default(div, 1, pin_memory = False, memory_format = torch.pre… 235 div_1 = torch.ops.aten.div.Scalar(full_like, 1); full_like = None 283 …full_like = torch.ops.aten.full_like.default(div, 1, pin_memory = False, memory_format = torch.pre… 284 div_1 = torch.ops.aten.div.Scalar(full_like, 1); full_like = None
|
/aosp_15_r20/external/pytorch/test/distributed/ |
H A D | test_functional_api.py | 529 expected.append(torch.full_like(tensor, (idx + 1))) 547 expected.append(torch.full_like(tensor, (idx + 1))) 563 expected.append(torch.full_like(tensor, (idx + 1))) 684 self.assertEqual(out, torch.full_like(t, 2.0)) 689 self.assertEqual(t.grad, torch.full_like(t, 2.0)) 835 self.assertEqual(out, torch.full_like(t, 2.0)) 840 self.assertEqual(t.grad, torch.full_like(t, 2.0))
|
/aosp_15_r20/external/pytorch/torch/distributed/_shard/sharded_tensor/_ops/ |
H A D | init.py | 116 torch.full_like: sharded_tensor.full, 132 ``torch.full_like``. 146 register_tensor_creation_op(torch.full_like)
|
/aosp_15_r20/external/executorch/backends/apple/mps/test/ |
H A D | test_mps_linear.py | 334 scales, torch.full_like(scales, torch.finfo(torch.float32).eps) 336 zeros = torch.full_like(scales, 0) 366 scales, torch.full_like(scales, torch.finfo(torch.float32).eps) 369 zeros = torch.full_like(scales, 0)
|
/aosp_15_r20/external/executorch/extension/training/ |
H A D | README.md | 167 …%full_like : [num_users=1] = call_function[target=torch.ops.aten.full_like.default](args = (%div, … 168 …%div_1 : [num_users=1] = call_function[target=torch.ops.aten.div.Tensor](args = (%full_like, %_to_… 173 …%full_like_1 : [num_users=1] = call_function[target=torch.ops.aten.full_like.default](args = (%_lo…
|
/aosp_15_r20/external/pytorch/torch/distributions/ |
H A D | gumbel.py | 41 torch.full_like(self.loc, finfo.tiny), 42 torch.full_like(self.loc, 1 - finfo.eps),
|
H A D | kumaraswamy.py | 53 torch.full_like(self.concentration0, 0), 54 torch.full_like(self.concentration0, 1),
|
/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/ops/impl/ |
H A D | Full.cpp | 33 // size_or_in is IntListPtr when op is full and vTensorPtr if op is full_like 79 VK_REGISTER_OP(aten.full_like.default, full);
|
/aosp_15_r20/external/pytorch/tools/autograd/ |
H A D | gen_trace_type.py | 108 "fill": "full_like", # replacing aten::fill_ with aten::full_like 244 # `aten::zeros_like` and replacing `aten::fill_` with `aten::full_like`.
|
/aosp_15_r20/external/pytorch/test/typing/pass/ |
H A D | creation_ops.py | 93 # torch.full/full_like 95 torch.full_like(torch.full((2, 3), 3.141592), 2.71828)
|
/aosp_15_r20/external/executorch/docs/source/ |
H A D | extension-tensor.md | 310 Similarly to `empty()`, there are extra helper functions `full_like()`, `full_strided()`, `zeros_li… 385 | `at::full_like(tensor, value)` | `full_like(tensor, value)` |
|
/aosp_15_r20/external/pytorch/test/typing/reveal/ |
H A D | tensor_constructors.py | 95 # torch.full/full_like 97 reveal_type(torch.full_like(torch.full((2, 3), 3.141592), 2.71828)) # E: {Tensor}
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/ |
H A D | remove_inplace_ops.cpp | 13 {aten::fill_, aten::full_like}}; 16 // arguments of zeros_like and full_like so that the defaults are filled
|
/aosp_15_r20/external/pytorch/aten/src/ATen/test/ |
H A D | rng_test.h | 150 const auto expected = torch::full_like(actual, exp); in test_random_from_to() 206 const auto expected = torch::full_like(actual, exp); in test_random()
|
/aosp_15_r20/external/executorch/exir/verification/ |
H A D | verifier.py | 107 torch.ops.aten.full_like.default, # TODO(T183507359) 279 torch.ops.aten.full_like.default, # TODO(T183507359)
|
/aosp_15_r20/external/pytorch/test/functorch/ |
H A D | test_eager_transforms.py | 1865 expected_out0_x = torch.diagflat(torch.full_like(x, 2)) 1866 expected_out0_y = torch.diagflat(torch.full_like(y, 3)) 1867 expected_out1_x = torch.diagflat(torch.full_like(x, 4)) 1868 expected_out1_y = torch.diagflat(torch.full_like(y, 5)) 1886 expected_out0_x = torch.diagflat(torch.full_like(x, 2)) 1887 expected_out1_x = torch.diagflat(torch.full_like(x, 4)) 1908 expected_left_x = torch.diagflat(torch.full_like(x, 2)) 1909 expected_left_y = torch.diagflat(torch.full_like(y, 3)) 1910 expected_right_x = torch.diagflat(torch.full_like(x, 4)) 1911 expected_right_y = torch.diagflat(torch.full_like(y, 5)) [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/ |
H A D | BatchRulesFactory.cpp | 232 VMAP_SUPPORT(full_like, BASIC_UNARY_BATCH_RULE(ATEN_FN(full_like))); in TORCH_LIBRARY_IMPL()
|
/aosp_15_r20/external/executorch/extension/tensor/ |
H A D | tensor_ptr_maker.h | 382 inline TensorPtr full_like( 446 return full_like(other, 1, type, dynamism); 481 return full_like(other, 0, type, dynamism);
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mps/operations/ |
H A D | Distributions.mm | 19 #include <ATen/ops/full_like.h> 273 Tensor mean_t = at::full_like(self, Scalar(mean)); 290 Tensor mean_t = at::full_like(self, Scalar(mean));
|
/aosp_15_r20/external/pytorch/torch/onnx/ |
H A D | symbolic_opset8.py | 431 @_onnx_symbolic("aten::full_like") 433 def full_like( function
|
/aosp_15_r20/external/pytorch/test/torch_np/numpy_tests/core/ |
H A D | test_numeric.py | 2224 """Test ones_like, zeros_like, empty_like and full_like""" 2268 # Conversion is close to what np.full_like uses 2374 self.check_like_function(np.full_like, 0, True) 2375 self.check_like_function(np.full_like, 1, True) 2376 self.check_like_function(np.full_like, 1000, True) 2377 self.check_like_function(np.full_like, 123.456, True) 2379 self.check_like_function(np.full_like, np.inf, True) 2381 @parametrize("likefunc", [np.empty_like, np.full_like, np.zeros_like, np.ones_like]) 2387 kwargs = {"fill_value": ""} if likefunc == np.full_like else {}
|
/aosp_15_r20/external/pytorch/torch/optim/ |
H A D | rprop.py | 104 state["step_size"] = torch.full_like( 108 state["step_size"] = torch.full_like(grad, group["lr"])
|
/aosp_15_r20/external/pytorch/test/xpu/ |
H A D | test_gemm.py | 39 res2 = torch.full_like(res1, math.nan) 388 nan = torch.full_like(out_tensor, math.nan) 399 res7 = torch.full_like(out_tensor, math.nan) 919 out = torch.full_like(result, math.nan)
|
/aosp_15_r20/external/executorch/kernels/test/ |
H A D | test_case_gen.py | 471 torch_fn=torch.full_like, 477 torch.full_like(x, 3.0, memory_format=torch.contiguous_format),
|