Home
last modified time | relevance | path

Searched full:scatter_ (Results 1 – 25 of 44) sorted by relevance

12

/aosp_15_r20/external/pytorch/test/inductor/
H A Dtest_scatter_optimization.py38 y.scatter_(2, x.unsqueeze(2), 2.718)
56 y.scatter_(0, x.unsqueeze(0), 2.718)
69 y.scatter_(-1, x.unsqueeze(1), 2.718)
82 y.scatter_(1, x.unsqueeze(1), 2.718)
96 y.scatter_(1, x.unsqueeze(1), 2.718)
109 y.scatter_(1, x, 0.618)
125 y.scatter_(1, x, 0.618)
/aosp_15_r20/external/pytorch/test/
H A Dtest_scatter_gather_ops.py122 # method may be 'scatter_', 'scatter', 'scatter_reduce'
174 self._test_scatter_base(torch.Tensor.scatter_, device=device, dtype=dtype,
179 self._test_scatter_base(torch.Tensor.scatter_, device=device, dtype=dtype,
188 self._test_scatter_base(torch.Tensor.scatter_, device=device, dtype=dtype,
190 self._test_scatter_base(torch.Tensor.scatter_, device=device, dtype=dtype,
/aosp_15_r20/external/pytorch/test/expect/
H A DHasDecompTest.test_aten_core_operators.expect438 aten::scatter_.reduce
439 aten::scatter_.src
440 aten::scatter_.value
441 aten::scatter_.value_reduce
/aosp_15_r20/external/pytorch/torch/sparse/
H A D_semi_structured_conversions.py175 meta_reordered.scatter_(0, meta_offsets, meta.view(-1))
276 dense.scatter_(0, dense_offsets, sparse.view(-1))
278 dense.view(torch.half).scatter_(
/aosp_15_r20/external/pytorch/torch/csrc/distributed/c10d/
H A DOps.cpp44 …"scatter_(Tensor[] output_tensors, Tensor[][] input_tensors, __torch__.torch.classes.c10d.ProcessG… in TORCH_LIBRARY()
367 std::tuple<std::vector<at::Tensor>, c10::intrusive_ptr<Work>> scatter_##DEV( \
513 REGISTER_C10D_OP(scatter_) in REGISTER_C10D_OP()
/aosp_15_r20/external/pytorch/torch/distributed/tensor/_ops/
H A D_tensor_ops.py366 [aten.scatter_.value, aten.scatter.value, aten.scatter_.src, aten.scatter.src],
376 # scatter_.src/scatter.src with src be float number instead of tensor
/aosp_15_r20/external/pytorch/torch/
H A D_tensor_docs.py4375 "scatter_",
4377 scatter_(dim, index, src, *, reduce=None) -> Tensor
4453 >>> torch.zeros(3, 5, dtype=src.dtype).scatter_(0, index, src)
4458 >>> torch.zeros(3, 5, dtype=src.dtype).scatter_(1, index, src)
4463 >>> torch.full((2, 4), 2.).scatter_(1, torch.tensor([[2], [3]]),
4467 >>> torch.full((2, 4), 2.).scatter_(1, torch.tensor([[2], [3]]),
4472 .. function:: scatter_(dim, index, value, *, reduce=None) -> Tensor:
4494 >>> torch.zeros(3, 5).scatter_(0, index, value)
4508 :meth:`~torch.Tensor.scatter_`. For each value in :attr:`src`, it is added to
6512 Out-of-place version of :meth:`torch.Tensor.scatter_`
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DOnehot.cpp65 ret.scatter_(-1, self.unsqueeze(-1), 1); in one_hot()
H A DReduceOps.cpp644 // zeros_like(indices).scatter_(dim, indices, 1.) & cumsum == 1 in cumprod_backward()
668 .scatter_(dim, first_zero_index, /*src*/ 1) in cumprod_backward()
2305 return grad_in.scatter_(dim, indices_, grad_out); in value_selecting_reduction_backward_symint()
/aosp_15_r20/external/pytorch/tools/autograd/
H A Dgen_annotated_fn_args.py89 "scatter_",
/aosp_15_r20/external/pytorch/functorch/dim/
H A D__init__.py178 # scatter_
/aosp_15_r20/external/pytorch/torch/quantization/
H A D_quantized_conversions.py106 outp.scatter_(0, outp_offsets, tmp)
/aosp_15_r20/external/pytorch/test/mobile/model_test/
H A Dcoverage.yaml529 - aten::scatter_.src
952 aten::scatter_.src: 6
H A Dtensor_ops.py195 x.scatter_(0, t, y),
H A Dmodel_ops.yaml317 aten::scatter_.src: 17
/aosp_15_r20/external/pytorch/torch/ao/pruning/_experimental/data_sparsifier/
H A Ddata_norm_sparsifier.py64 mask.scatter_(dim=dim, index=indices, value=0) # zeroing out
/aosp_15_r20/external/pytorch/test/distributed/_tensor/debug/
H A Dtest_comm_mode.py168 self.checksAssert(comm_mode, c10d_ops.scatter_, 1, 1)
/aosp_15_r20/external/pytorch/benchmarks/dynamo/microbenchmarks/
H A Doperatorbench.py119 "aten.scatter_",
/aosp_15_r20/external/pytorch/torch/ao/pruning/sparsifier/
H A Dweight_norm_sparsifier.py99 mask.scatter_(dim=dim, index=indices, value=0)
/aosp_15_r20/external/pytorch/test/ao/sparsity/
H A Dtest_activation_sparsifier.py310 mask.scatter_(dim=0, index=sorted_idx, value=0)
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/utils/
H A Drnn.h19 output.scatter_( in invert_permutation()
/aosp_15_r20/external/pytorch/test/forward_backward_compatibility/
H A Dcheck_forward_backward_compatibility.py122 ("c10d::scatter_", datetime.date(2023, 12, 30)),
/aosp_15_r20/external/pytorch/torch/nn/utils/
H A Drnn.py274 output.scatter_(
/aosp_15_r20/external/pytorch/docs/source/
H A Dtensors.rst669 Tensor.scatter_
/aosp_15_r20/external/pytorch/torch/distributed/tensor/debug/
H A D_comm_mode.py56 c10d_ops.scatter_,

12