/aosp_15_r20/external/pytorch/torch/fx/experimental/shape_inference/ |
H A D | infer_symbol_values.py | 16 symints: List[Union[torch.SymInt, int]], 17 init_symints: List[Union[torch.SymInt, int]], 19 padding_constraints: DefaultDict[torch.SymInt, List[Union[sp.Expr, int]]], 86 symints: List[Union[torch.SymInt, int]], 119 symints: List[Union[torch.SymInt, int]], 120 init_symints: List[Union[torch.SymInt, int]], 121 padding_constraints: DefaultDict[torch.SymInt, List[Union[sp.Expr, int]]], 124 var: torch.SymInt,
|
/aosp_15_r20/external/executorch/exir/ |
H A D | sym_util.py | 17 def eval_expr(symint: Union[int, torch.SymInt]) -> Optional[int]: 34 def eval_upper_bound(maybe_symint: Union[int, torch.SymInt]) -> int: 69 def eval_shape(shape: Iterable[Union[int, torch.SymInt]]): # pyre-ignore[3] 80 def eval_shape_upper_bound(shape: Iterable[Union[int, torch.SymInt]]) -> List[int]: 88 shape: Iterable[Union[int, torch.SymInt]]
|
/aosp_15_r20/external/pytorch/c10/core/ |
H A D | SymInt.h | 41 /*implicit*/ SymInt(int64_t d) : data_(d) { in SymInt() function 47 SymInt() : data_(0) {} in SymInt() function 54 SymInt(Unchecked, int64_t d) : data_(d) {} in SymInt() function 58 SymInt(const SymInt& s) : data_(0) { in SymInt() function 65 SymInt(SymInt&& s) noexcept : data_(s.data_) { in SymInt() function
|
H A D | SymInt.cpp | 29 SymInt::SymInt(SymNode sin_sp) { in SymInt() function in c10::SymInt 67 DEFINE_BINARY(operator*, std::multiplies<>(), mul, SymInt) in DEFINE_BINARY() argument
|
/aosp_15_r20/external/pytorch/torch/onnx/_internal/ |
H A D | onnxruntime.py | 320 torch.Tensor, torch.SymInt, int, torch.SymFloat, float, torch.SymBool, bool 332 torch.Tensor, torch.SymInt, int, torch.SymFloat, float, torch.SymBool, bool 421 torch.SymInt, 457 torch.Tensor, torch.SymInt, int, torch.SymFloat, float, torch.SymBool, bool 538 torch.Tensor, torch.SymInt, int, torch.SymFloat, float, torch.SymBool, bool
|
/aosp_15_r20/external/executorch/backends/cadence/aot/ |
H A D | ops_registrations.py | 313 in_zero_point: torch.SymInt, 314 weight_zero_point: torch.SymInt, 315 out_multiplier: torch.SymInt, 316 out_shift: torch.SymInt, 317 out_zero_point: torch.SymInt,
|
/aosp_15_r20/external/pytorch/torch/_inductor/ |
H A D | decomposition.py | 138 symbol: torch.SymInt, 162 size: List[Union[int, torch.SymInt]], 179 size: List[Union[int, torch.SymInt]], 499 size: List[Union[int, torch.SymInt]], 623 size: List[Union[int, torch.SymInt]],
|
/aosp_15_r20/external/pytorch/torch/fx/experimental/ |
H A D | symbolic_shapes.py | 202 def hint_int(a: Union[torch.SymInt, int], fallback: Optional[int] = None) -> int: 220 def is_concrete_int(a: Union[int, SymInt]) -> bool: argument 471 def _iterate_exprs(val: Union[SymInt, torch.Tensor]) -> Iterable[sympy.Basic]: 495 def free_symbols(val: Union[SymInt, sympy.Expr, torch.Tensor]) -> Set[sympy.Symbol]: 507 def has_free_symbols(val: Union[SymInt, torch.Tensor]) -> bool: 955 def constrain_unify(a: torch.SymInt, b: torch.SymInt) -> None: 1389 def is_symbolic(val: Union[int, SymInt, float, SymFloat, bool, SymBool]) -> bool: argument 3387 val: Union[int, SymInt, float, SymFloat], argument
|
/aosp_15_r20/external/executorch/exir/passes/ |
H A D | executorch_prim_ops_registry.py | 89 def mod(a: SymInt, b: SymInt) -> SymInt:
|
H A D | dynamic_shape_prop_pass.py | 205 self, node_debug_str: str, symint: torch.SymInt, ubval: int 238 def eval_symint_to_ubval(self, symint: torch.SymInt) -> int:
|
H A D | sym_to_tensor_pass.py | 40 symbol: Union[SymInt, SymFloat, SymBool]
|
/aosp_15_r20/external/pytorch/torch/_subclasses/ |
H A D | _fake_tensor_utils.py | 186 def __init__(self, value: SymInt, key_path: Optional[int]) -> None: 244 def convert_sym_int(self, result: List[object], arg: SymInt) -> None:
|
H A D | fake_tensor.py | 581 def __set__(self, obj: FakeTensor, value: Optional[torch.SymInt]) -> None: 889 coeff: Union[int, torch.SymInt] = 1,
|
/aosp_15_r20/external/executorch/backends/vulkan/runtime/graph/containers/ |
H A D | SymInt.cpp | 13 SymInt::SymInt(api::Context* context_p, const int32_t val) in SymInt() function in vkcompute::SymInt
|
/aosp_15_r20/external/executorch/exir/emit/ |
H A D | _emitter.py | 977 val: Tuple[Union[torch.SymInt, torch.BoolType, torch.FloatType, FakeTensor]], 993 val: Tuple[Union[torch.SymInt, torch.BoolType, torch.FloatType, FakeTensor]],
|
/aosp_15_r20/external/pytorch/aten/src/ATen/core/ |
H A D | ATen_fwd.h | 13 class SymInt; variable
|
/aosp_15_r20/external/pytorch/docs/source/ |
H A D | export.ir_spec.rst | 347 SymInt section in References
|
/aosp_15_r20/external/pytorch/torch/nn/attention/ |
H A D | _utils.py | 37 def _supported_head_dim(n: Union[int, torch.SymInt]) -> bool:
|
/aosp_15_r20/external/executorch/backends/vulkan/serialization/ |
H A D | vulkan_graph_schema.py | 110 class SymInt: class
|
/aosp_15_r20/external/pytorch/torch/ |
H A D | types.py | 28 SymInt as SymInt, unknown
|
/aosp_15_r20/external/pytorch/torch/onnx/_internal/fx/ |
H A D | diagnostics.py | 95 def _torch_fx_symbolic_int(obj: torch.SymInt) -> str:
|
/aosp_15_r20/external/pytorch/torch/_export/serde/ |
H A D | schema.py | 75 class SymInt(_Union): class
|
H A D | serialize.py | 223 def serialize_sym_int(s: Union[int, torch.SymInt]) -> SymInt: 1483 def deserialize_sym_int(self, s: SymInt) -> Union[int, torch.SymInt]:
|
/aosp_15_r20/external/executorch/exir/serde/ |
H A D | schema.py | 83 class SymInt(_Union): class
|
H A D | export_serialize.py | 231 def serialize_sym_int(s: Union[int, torch.SymInt]) -> SymInt: 1467 def deserialize_sym_int(self, s: SymInt) -> Union[int, torch.SymInt]:
|