Home
last modified time | relevance | path

Searched defs:GraphModule (Results 1 – 25 of 309) sorted by relevance

12345678910>>...13

/aosp_15_r20/external/pytorch/test/quantization/pt2e/
H A Dtest_quantize_pt2e.py64 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule:
107 def validate(self, model: torch.fx.GraphModule) -> None:
133 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule:
175 def validate(self, model: torch.fx.GraphModule) -> None:
208 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule:
268 def validate(self, model: torch.fx.GraphModule) -> None:
309 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule:
373 def validate(self, model: torch.fx.GraphModule) -> None:
411 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule:
473 def validate(self, model: torch.fx.GraphModule) -> None:
[all …]
H A Dtest_metadata_porting.py150 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
168 def validate(self, model: torch.fx.GraphModule) -> None:
217 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
229 def validate(self, model: torch.fx.GraphModule) -> None:
261 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
285 def validate(self, model: torch.fx.GraphModule) -> None:
331 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
347 def validate(self, model: torch.fx.GraphModule) -> None:
395 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
406 def validate(self, model: torch.fx.GraphModule) -> None:
[all …]
H A Dtest_duplicate_dq.py129 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
138 def validate(self, model: torch.fx.GraphModule) -> None:
165 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
174 def validate(self, model: torch.fx.GraphModule) -> None:
202 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
210 def validate(self, model: torch.fx.GraphModule) -> None:
284 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
303 def validate(self, model: torch.fx.GraphModule) -> None:
/aosp_15_r20/external/executorch/backends/cadence/aot/quantizer/
H A Dpatterns.py58 self, gm: torch.fx.GraphModule, fused_partition: List[fx.GraphModule]
76 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule]
109 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule]
130 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule]
169 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule]
208 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule]
243 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule]
282 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule]
305 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule]
/aosp_15_r20/external/pytorch/torch/ao/quantization/quantizer/
H A Dxnnpack_quantizer_utils.py177 gm: torch.fx.GraphModule,
225 gm: torch.fx.GraphModule,
287 gm: torch.fx.GraphModule,
334 gm: torch.fx.GraphModule,
390 gm: torch.fx.GraphModule,
401 gm: torch.fx.GraphModule,
412 gm: torch.fx.GraphModule,
425 gm: torch.fx.GraphModule,
438 gm: torch.fx.GraphModule,
453 gm: torch.fx.GraphModule,
[all …]
H A Dx86_inductor_quantizer.py728 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule:
771 model: torch.fx.GraphModule,
800 model: torch.fx.GraphModule,
812 gm: torch.fx.GraphModule,
890 gm: torch.fx.GraphModule,
954 gm: torch.fx.GraphModule,
1010 gm: torch.fx.GraphModule,
1050 model: torch.fx.GraphModule,
1066 model: torch.fx.GraphModule,
1076 model: torch.fx.GraphModule,
[all …]
/aosp_15_r20/external/executorch/backends/cadence/aot/
H A Dfuse_ops.py46 def fuse_mm_with_add(self, graph_module: torch.fx.GraphModule):
171 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
190 def fuse_batch_norm_with_conv(self, graph_module: torch.fx.GraphModule) -> None:
280 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
296 self, graph_module: torch.fx.GraphModule
435 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
455 self, graph_module: torch.fx.GraphModule
505 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
519 def fuse_cascaded_view_ops(self, graph_module: torch.fx.GraphModule):
548 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
[all …]
H A Dreorder_ops.py149 def advance_quantize_op(self, graph_module: torch.fx.GraphModule):
229 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
293 def advance_quantize_op(self, graph_module: torch.fx.GraphModule):
335 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
416 def postpone_dequantize_op(self, graph_module: torch.fx.GraphModule) -> bool:
455 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
501 def sink_ops_closer_to_use(self, graph_module: torch.fx.GraphModule):
527 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
561 def hoist_ops_closer_to_def(self, graph_module: torch.fx.GraphModule):
617 def call(self, graph_module: torch.fx.GraphModule) -> PassResult:
[all …]
/aosp_15_r20/external/pytorch/torch/_export/passes/
H A Dreplace_quantized_ops_with_standard_ops_pass.py39 def fx_enum_to_dtype(gm: torch.fx.GraphModule, val: int) -> torch.fx.Node:
44 gm: torch.fx.GraphModule,
100 gm: torch.fx.GraphModule,
144 gm: torch.fx.GraphModule, dtype_node: Union[torch.dtype, torch.fx.Node]
170 gm: torch.fx.GraphModule,
186 gm: torch.fx.GraphModule,
207 gm: torch.fx.GraphModule,
261 gm: torch.fx.GraphModule, opname: str, fx_node: torch.fx.Node
294 def _transform_conv_with_packedparam(gm: torch.fx.GraphModule, node: torch.fx.Node):
349 def _transform_linear_with_packedparam(gm: torch.fx.GraphModule, node: torch.fx.Node):
[all …]
/aosp_15_r20/external/pytorch/torch/ao/ns/fx/
H A Dgraph_passes.py26 def _maybe_get_fqn(node: Node, gm: GraphModule) -> Optional[str]:
44 gm: GraphModule,
91 gm: GraphModule,
205 gm_b: GraphModule,
239 gm_a: GraphModule,
240 gm_b: GraphModule,
397 gm_a: GraphModule,
398 gm_b: GraphModule,
456 gm_a: GraphModule,
533 gm_a: GraphModule,
[all …]
H A Dgraph_matcher.py39 gm: GraphModule,
182 gm_a: GraphModule,
183 gm_b: GraphModule,
252 gm_a: GraphModule,
303 def _get_node_target_type(node: Node, gm: GraphModule) -> Optional[NSNodeTargetType]:
314 gm_a: GraphModule,
315 gm_b: GraphModule,
/aosp_15_r20/external/pytorch/torch/fx/
H A Dsubgraph_rewriter.py34 def _replace_attributes(gm: GraphModule, replacement: torch.nn.Module) -> None:
84 gm: GraphModule,
85 pattern: Union[Callable, GraphModule], argument
208 gm: GraphModule,
209 pattern: Union[Callable, Graph, GraphModule], argument
228 gm: GraphModule,
229 pattern: Union[Callable, Graph, GraphModule], argument
/aosp_15_r20/external/pytorch/torch/_inductor/
H A Dcompile_fx.py275 gm: torch.fx.GraphModule,
331 def is_tf32_warning_applicable(gm: torch.fx.GraphModule):
367 gm: torch.fx.GraphModule,
438 gm: torch.fx.GraphModule,
688 gm: torch.fx.GraphModule,
959 model: torch.fx.GraphModule,
1048 model: torch.fx.GraphModule,
1138 model_: torch.fx.GraphModule,
1179 aot_autograd_model: torch.fx.GraphModule,
1181 dynamo_model: torch.fx.GraphModule,
[all …]
H A Dfreezing.py28 gm: torch.fx.GraphModule,
67 dynamo_gm: torch.fx.GraphModule,
68 aot_autograd_gm: torch.fx.GraphModule,
172 def discard_traced_gm_params(mod: torch.fx.GraphModule):
187 def enforce_output_layout(gm: torch.fx.GraphModule):
218 def enforce_as_strided_input_layout(gm: torch.fx.GraphModule):
243 def convert_conv_weights_to_channels_last(gm: torch.fx.GraphModule):
/aosp_15_r20/external/executorch/exir/
H A Dmemory_planning.py43 graph_module: torch.fx.GraphModule,
429 graph_module: torch.fx.GraphModule,
549 graph_module: torch.fx.GraphModule,
605 graph_module: torch.fx.GraphModule,
644 def get_cond_nodes(graph_module: torch.fx.GraphModule) -> Iterable[Node]:
650 def get_while_nodes(graph_module: torch.fx.GraphModule) -> Iterable[Node]:
656 def get_map_nodes(graph_module: torch.fx.GraphModule) -> Iterable[Node]:
662 def get_return_specs(graph_module: fx.GraphModule) -> Set[TensorSpec]:
672 def get_input_specs(graph_module: fx.GraphModule) -> Set[TensorSpec]:
683 graph_module: fx.GraphModule, allspecs: Set[TensorSpec]
[all …]
H A Dpass_base.py288 def __init__(self, callback: "_ExportPassBase", gm: fx.GraphModule) -> None:
417 def inputs(self, graph_module: torch.fx.GraphModule) -> List[Argument]:
483 true_fn: torch.fx.GraphModule,
484 false_fn: torch.fx.GraphModule,
502 f: torch.fx.GraphModule,
527 self, graph_module: fx.GraphModule, inputs: Tuple[Argument, ...]
550 def call(self, graph_module: fx.GraphModule) -> PassResult:
597 def __init__(self, callback: "ExportPass", gm: fx.GraphModule) -> None:
660 self, graph_module: fx.GraphModule, inputs: Tuple[Argument, ...]
665 gm: torch.fx.GraphModule, new_gm: torch.fx.GraphModule
[all …]
H A Dlowered_backend_module.py348 def _fixup_output_node(gm: torch.fx.GraphModule) -> None:
369 gm: torch.fx.GraphModule, owning_program: ExportedProgram
436 gm: torch.fx.GraphModule,
657 submodule: torch.fx.GraphModule,
724 gm: torch.fx.GraphModule,
812 graph_module: torch.fx.GraphModule,
830 graph_module: torch.fx.GraphModule,
/aosp_15_r20/external/pytorch/torch/ao/quantization/fx/
H A D_lower_to_native_backend.py446 quantized_model: GraphModule, node_name_to_scope: Dict[str, Tuple[str, type]]
655 model: GraphModule, qconfig_map: Dict[str, QConfigAny]
709 model: GraphModule, qconfig_map: Dict[str, QConfigAny]
772 def _lower_dynamic_weighted_ref_module(model: GraphModule):
819 def _lower_weight_only_weighted_ref_module(model: GraphModule):
846 model: GraphModule, qconfig_map: Dict[str, QConfigAny]
946 model: GraphModule, qconfig_map: Dict[str, QConfigAny]
1077 def _lower_quantized_binary_op(model: GraphModule, qconfig_map: Dict[str, QConfigAny]):
1139 def special_pattern_replacement(model: GraphModule):
1268 def _lower_getattr_tensor_metadta_op(model: GraphModule):
[all …]
/aosp_15_r20/external/executorch/exir/tests/
H A Dtest_pass_infra.py42 def test_pass1(graph_module: torch.fx.GraphModule) -> None:
49 def test_pass11(graph_module: torch.fx.GraphModule) -> None:
63 def call(self, graph_module: torch.fx.GraphModule) -> None:
71 def test_pass1(graph_module: torch.fx.GraphModule) -> None:
78 def call(self, graph_module: torch.fx.GraphModule) -> None:
92 def replace_add_with_mul(gm: torch.fx.GraphModule) -> None:
97 def replace_mul_with_div(gm: torch.fx.GraphModule) -> None:
133 def introduce_call_method(gm: torch.fx.GraphModule) -> None:
139 def introduce_call_module(gm: torch.fx.GraphModule) -> None:
/aosp_15_r20/external/pytorch/torch/onnx/_internal/
H A Donnxruntime.py112 model_string: bytes, graph_module: Optional[torch.fx.GraphModule] = None
229 def _move_placeholder_to_front(graph_module: torch.fx.GraphModule) -> None:
263 def _extract_graph_module_inputs(graph_module: torch.fx.GraphModule) -> Tuple[Any, ...]:
273 def _extract_graph_module_outputs(graph_module: torch.fx.GraphModule) -> Any:
283 def _infer_ep_from_graph_module(graph_module: torch.fx.GraphModule) -> Tuple[str, ...]:
650 self, graph_module: torch.fx.GraphModule, *args
666 self, graph_module: torch.fx.GraphModule, info: OrtExecutionInfoPerSession
852 self, graph_module: torch.fx.GraphModule, *args
884 def _ort_acclerated_call(self, graph_module: torch.fx.GraphModule, *args, **kwargs):
1099 def compile(self, graph_module: torch.fx.GraphModule, args) -> torch.fx.GraphModule:
[all …]
/aosp_15_r20/external/executorch/exir/passes/
H A Ddynamic_shape_prop_pass.py91 subgm: GraphModule,
109 def inject_xs_dsinfo_to_graph(self, subgm: GraphModule, xs: ProxyValue):
128 self, true_gm: GraphModule, false_gm: GraphModule
145 def extract_dsinfo_from_graph(self, subgm: GraphModule, meta: NodeMetadata):
155 true_fn: torch.fx.GraphModule,
156 false_fn: torch.fx.GraphModule,
173 f: torch.fx.GraphModule,
/aosp_15_r20/external/pytorch/torch/_functorch/
H A Dpartitioners.py119 def has_recomputable_ops(fx_g: fx.GraphModule) -> bool:
127 def has_recomputable_rng_ops(fx_g: fx.GraphModule) -> bool:
268 joint_module: fx.GraphModule, *, num_fwd_outputs
286 joint_module: fx.GraphModule,
385 joint_module: fx.GraphModule, _joint_inputs, *, num_fwd_outputs
541 def reordering_to_mimic_autograd_engine(gm: fx.GraphModule) -> fx.GraphModule:
616 joint_module: fx.GraphModule,
617 fw_module: fx.GraphModule,
618 bw_module: fx.GraphModule,
772 def cleanup_recompute_tags(joint_module: fx.GraphModule) -> fx.GraphModule:
[all …]
/aosp_15_r20/external/pytorch/torch/ao/quantization/fx/_model_report/
H A Ddetector.py169 self, prepared_fx_model: GraphModule, target_fqn: str
498 self, prepared_fx_model: GraphModule
614 def _generate_dict_info(self, model: GraphModule) -> Dict[str, Any]:
688 self, model: GraphModule
950 self, prepared_fx_model: GraphModule
997 def _extract_input_info(self, model: GraphModule) -> Dict[str, Dict]:
1030 def _extract_weight_info(self, model: GraphModule) -> Dict[str, Dict]:
1235 self, model: GraphModule
1471 self, prepared_fx_model: GraphModule
1558 def _generate_info_dict(self, model: GraphModule) -> Dict[str, Dict]:
[all …]
/aosp_15_r20/external/executorch/backends/xnnpack/_passes/
H A Dchannels_last_tagged_reshape_pass.py118 graph_module: torch.fx.GraphModule,
134 graph_module: torch.fx.GraphModule,
160 graph_module: torch.fx.GraphModule,
187 graph_module: torch.fx.GraphModule,
253 graph_module: torch.fx.GraphModule,
304 graph_module: torch.fx.GraphModule,
348 def call(self, graph_module: torch.fx.GraphModule): # noqa: C901
/aosp_15_r20/external/pytorch/torch/_export/
H A Dutils.py94 def _collect_param_buffer_metadata(mod: torch.fx.GraphModule) -> Dict[str, Any]:
103 def _getattr(model: torch.fx.GraphModule, attr_name: str):
150 gm: torch.fx.GraphModule,
176 def _get_shape_env_from_gm(gm: torch.fx.GraphModule):
485 def sequential_split(gm: torch.fx.GraphModule, node_call_back) -> torch.fx.GraphModule:
662 def _name_hoo_subgraph_placeholders(gm: torch.fx.GraphModule) -> None:
705 gm: torch.fx.GraphModule,
867 gm: torch.fx.GraphModule,

12345678910>>...13