Home
last modified time | relevance | path

Searched full:div_ (Results 1 – 25 of 122) sorted by relevance

12345

/aosp_15_r20/external/pytorch/torch/csrc/jit/operator_upgraders/
H A Dversion_map.cpp58 {"aten::div_.Tensor",
61 "aten::div_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!)"}}},
62 {"aten::div_.Tensor_mode",
65 … "aten::div_.Tensor_mode(Tensor(a!) self, Tensor other, *, str? rounding_mode) -> Tensor(a!)"}}},
66 {"aten::div_.Scalar",
69 "aten::div_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!)"}}},
70 {"aten::div_.Scalar_mode",
73 … "aten::div_.Scalar_mode(Tensor(a!) self, Scalar other, *, str? rounding_mode) -> Tensor(a!)"}}},
/aosp_15_r20/external/pytorch/torch/csrc/jit/mobile/
H A Dupgrader_mobile.cpp49 {std::string("aten::div_.Scalar"), in getOperatorVersionMapForMobile()
53 {std::string("aten::div_.Scalar_mode"), in getOperatorVersionMapForMobile()
57 {std::string("aten::div_.Tensor"), in getOperatorVersionMapForMobile()
61 {std::string("aten::div_.Tensor_mode"), in getOperatorVersionMapForMobile()
263 OperatorString({"aten::div_", "Scalar", 2}), in getUpgraderBytecodeList()
265 OperatorString({"aten::div_", "Scalar_mode", 3}), in getUpgraderBytecodeList()
284 OperatorString({"aten::div_", "Scalar_mode", 3}), in getUpgraderBytecodeList()
325 OperatorString({"aten::div_", "Tensor", 2}), in getUpgraderBytecodeList()
326 OperatorString({"aten::div_", "Tensor_mode", 3}), in getUpgraderBytecodeList()
345 OperatorString({"aten::div_", "Tensor_mode", 3}), in getUpgraderBytecodeList()
/aosp_15_r20/external/strace/
H A Dmacros.h52 # define ROUNDUP(val_, div_) ((((val_) + (div_) - 1) / (div_)) * (div_)) argument
/aosp_15_r20/external/pytorch/test/mobile/
H A Dtest_upgrader_bytecode_table_example.cpp41 {std::string("aten::div_.Scalar"), in getOperatorVersionMapForMobile()
45 {std::string("aten::div_.Tensor"), in getOperatorVersionMapForMobile()
193 OperatorString({"aten::div_", "Scalar", 2}), in getUpgraderBytecodeList()
195 OperatorString({"aten::div_", "Scalar_mode", 3}), in getUpgraderBytecodeList()
236 OperatorString({"aten::div_", "Tensor", 2}), in getUpgraderBytecodeList()
237 OperatorString({"aten::div_", "Tensor_mode", 3}), in getUpgraderBytecodeList()
/aosp_15_r20/external/pytorch/torch/distributed/algorithms/_comm_hooks/
H A Ddefault_hooks.py107 grad.div_(state.gradient_predivide_factor)
111 grad.div_(state.gradient_postdivide_factor)
128 grad.div_(state.gradient_predivide_factor)
132 output.div_(state.gradient_postdivide_factor)
/aosp_15_r20/external/executorch/backends/mediatek/quantizer/
H A Dannotator.py129 torch.ops.aten.div_.Scalar,
130 torch.ops.aten.div_.Tensor,
224 torch.ops.aten.div_.Scalar,
225 torch.ops.aten.div_.Tensor,
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/
H A DBatchRulesBinaryOps.cpp473 …VMAP_SUPPORT2(div_, Tensor, SINGLE_ARG(binary_pointwise_inplace_batch_rule<TensorInplaceT, &Tensor… in TORCH_LIBRARY_IMPL()
474 …VMAP_SUPPORT2(div_, Tensor_mode, SINGLE_ARG(binary_pointwise_inplace_batch_rule<TensorInplaceModeT… in TORCH_LIBRARY_IMPL()
475 …VMAP_SUPPORT2(div_, Scalar, SINGLE_ARG(unary_inplace_batch_rule<ScalarInplaceT, &Tensor::div_, con… in TORCH_LIBRARY_IMPL()
/aosp_15_r20/external/pytorch/test/expect/
H A DHasDecompTest.test_aten_core_operators.expect194 aten::div_.Scalar
195 aten::div_.Scalar_mode
196 aten::div_.Tensor
197 aten::div_.Tensor_mode
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DBinaryOps.cpp895 Tensor& div_(Tensor& self, const Scalar& other) { in div_() function
896 return self.div_(wrapped_scalar_tensor(other)); // redispatch! in div_()
903 Tensor& div_(Tensor& self, const Scalar& other, std::optional<c10::string_view> rounding_mode) { in div_() function
904 return self.div_(wrapped_scalar_tensor(other), std::move(rounding_mode)); // redispatch! in div_()
917 return self.div_(other); in divide_()
925 return self.div_(other); in divide_()
937 return self.div_(other, std::move(rounding_mode)); in divide_()
945 return self.div_(other, std::move(rounding_mode)); in divide_()
958 return self.div_(divisor); in true_divide_()
966 return self.div_(divisor); in true_divide_()
H A DLoss.cpp357 grad_input.div_(input.numel()); in binary_cross_entropy_backward_out_cpu()
408 grad_input.div_(z).mul_(grad_output); in soft_margin_loss_backward_out()
H A DTensorAdvancedIndexing.cpp1151 result.div_(counts); in index_reduce_func_impl()
1153 result.div_(counts, "floor"); in index_reduce_func_impl()
1206 result.div_(counts); in index_reduce_func_impl()
1208 result.div_(counts, "floor"); in index_reduce_func_impl()
1951 out.div_(count); in TORCH_IMPL_FUNC()
1953 out.div_(count, "floor"); in TORCH_IMPL_FUNC()
/aosp_15_r20/external/pytorch/torch/distributed/algorithms/ddp_comm_hooks/
H A Ddefault_hooks.py24 tensor.div_(group_to_use.size())
80 compressed_tensor = buffer.to(torch.float16).div_(world_size)
129 compressed_tensor = buffer.to(torch.bfloat16).div_(world_size)
H A DpowerSGD_hook.py572 uncompressed_tensors_memory = fut.value()[0].div_(world_size)
612 state.q_memory_dict[bucket_index] = fut.value().div_(world_size)
833 state.q_memory_dict[bucket_index] = fut.value().div_(world_size)
/aosp_15_r20/external/pytorch/test/distributed/_composable/fsdp/
H A Dtest_fully_shard_mixed_precision.py107 param.grad.div_(predivide_factor)
109 param.grad.div_(self.world_size)
114 param.grad.div_(postdivide_factor)
170 param.grad.div_(self.world_size)
/aosp_15_r20/external/pytorch/torch/csrc/jit/frontend/
H A Dversioned_symbols.cpp73 {Symbol::fromQualString("aten::div_"),
81 {aten::div_, 4},
/aosp_15_r20/external/pytorch/torch/distributed/tensor/_ops/
H A D_pointwise_ops.py52 …aten.div_.Scalar, # this op is linear on the first argument, and the second argument is scalar, s…
177 aten.div_.Tensor,
178 aten.div_.Tensor_mode,
/aosp_15_r20/external/pytorch/test/jit/
H A Dtest_save_load_for_op_version.py169 _helper(current_mobile_module, torch.Tensor.div_)
420 _helper(current_mobile_module_float, torch.Tensor.div_)
422 _helper(current_mobile_module_int, torch.Tensor.div_)
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/
H A Dremove_inplace_ops.cpp9 {aten::div_, aten::div},
110 (it->kind() == aten::mul_) || (it->kind() == aten::div_)) { in ImplicitCastForBinaryInplaceOps()
H A Dnormalize_ops.cpp123 {aten::divide_, aten::div_}, in getOperatorAliasMap()
129 {aten::true_divide_, aten::div_}, in getOperatorAliasMap()
/aosp_15_r20/external/pytorch/torch/optim/
H A D_adafactor.py386 torch.norm(grad, dim=-1, keepdim=True).square_().div_(grad.size(-1))
391 torch.norm(grad, dim=-2, keepdim=True).square_().div_(grad.size(-2))
395 var_estimate.div_(row_var.mean(dim=-2, keepdim=True).clamp_(min=eps1))
/aosp_15_r20/external/pytorch/torch/csrc/autograd/
H A DFunctionsManual.cpp326 return result.div_(norm).masked_fill_(norm == 0, 0); in norm_jvp()
2319 grad_target.div_(target.sym_numel()); in binary_cross_entropy_target_backward()
2354 res = isTensorSubclassLike(denom) ? res.div(denom) : res.div_(denom); in binary_cross_entropy_double_backward_target()
2357 res.div_(target.sym_numel()); in binary_cross_entropy_double_backward_target()
2412 grad_input.div_(input.sym_numel()); in binary_cross_entropy_with_logits_backward()
2459 grad_target.div_(target.sym_numel()); in binary_cross_entropy_with_logits_target_backward()
3254 storage.div_(count); // this will give nan outside visible range in as_strided_backward()
3785 auto ret = VhgV.div_(Econj); in linalg_eig_backward()
4709 auto all_sub = ((ggI_sum * gO_sum).div_(M)) in batchnorm_double_backward()
4713 auto gI_0t = (input_mu_sigma2_neg_3_2 * all_sub).div_(M); in batchnorm_double_backward()
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cpu/
H A DHistogramKernel.cpp240 hist.div_(hist_sum); in histogramdd_out_cpu_template()
252 hist.div_(bin_lengths.reshape(shape)); in histogramdd_out_cpu_template()
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mps/operations/
H A DHistogramKernel.mm318 hist.div_(hist_sum);
330 hist.div_(bin_lengths.reshape(shape));
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/
H A DBinaryOp.cpp613 m.impl(TORCH_SELECTIVE_NAME("aten::div_.Scalar"), TORCH_FN(div_scalar_)); in TORCH_LIBRARY_IMPL()
615 m.impl(TORCH_SELECTIVE_NAME("aten::div_.Tensor"), TORCH_FN(div_tensor_)); in TORCH_LIBRARY_IMPL()
/aosp_15_r20/external/pytorch/tools/pyi/
H A Dgen_pyi.py167 "div_",
1227 "div_": [
1228 …"def div_(self, other: Union[Tensor, Number], *, rounding_mode: Optional[str] = None) -> Tensor: .…

12345