Home
last modified time | relevance | path

Searched refs:GraphModule (Results 1 – 25 of 407) sorted by relevance

12345678910>>...17

/aosp_15_r20/external/pytorch/torch/ao/quantization/
H A Dquantize_fx.py6 from torch.fx import GraphModule
24 model: Union[GraphModule, torch.nn.Module], argument
36 if not isinstance(model, GraphModule):
46 def _attach_meta_to_node_if_not_exist(model: GraphModule) -> None: argument
74 model: GraphModule, argument
78 ) -> GraphModule:
99 ) -> GraphModule:
139 graph_module = GraphModule(model, tracer.trace(model))
169 ) -> GraphModule:
208 ) -> GraphModule:
[all …]
H A Dquantize_pt2e.py14 from torch.fx import GraphModule, Node
32 model: GraphModule, argument
34 ) -> GraphModule:
109 model: GraphModule, argument
111 ) -> GraphModule:
200 model: GraphModule, argument
203 ) -> GraphModule:
/aosp_15_r20/external/executorch/backends/cadence/aot/quantizer/
H A Dpatterns.py58 self, gm: torch.fx.GraphModule, fused_partition: List[fx.GraphModule] argument
76 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule] argument
109 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule] argument
130 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule] argument
169 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule] argument
208 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule] argument
243 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule] argument
282 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule] argument
305 self, gm: fx.GraphModule, fused_partition: List[fx.GraphModule] argument
/aosp_15_r20/external/pytorch/test/quantization/pt2e/
H A Dtest_metadata_porting.py97 ) -> torch.fx.GraphModule:
150 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
168 def validate(self, model: torch.fx.GraphModule) -> None: argument
217 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
229 def validate(self, model: torch.fx.GraphModule) -> None: argument
261 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
285 def validate(self, model: torch.fx.GraphModule) -> None: argument
331 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
347 def validate(self, model: torch.fx.GraphModule) -> None: argument
395 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
[all …]
H A Dtest_quantize_pt2e.py64 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
107 def validate(self, model: torch.fx.GraphModule) -> None: argument
133 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
175 def validate(self, model: torch.fx.GraphModule) -> None: argument
208 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
268 def validate(self, model: torch.fx.GraphModule) -> None: argument
309 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
373 def validate(self, model: torch.fx.GraphModule) -> None: argument
411 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
473 def validate(self, model: torch.fx.GraphModule) -> None: argument
[all …]
H A Dtest_duplicate_dq.py129 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
138 def validate(self, model: torch.fx.GraphModule) -> None: argument
165 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
174 def validate(self, model: torch.fx.GraphModule) -> None: argument
202 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
210 def validate(self, model: torch.fx.GraphModule) -> None: argument
284 def annotate(self, gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
303 def validate(self, model: torch.fx.GraphModule) -> None: argument
/aosp_15_r20/external/pytorch/torch/fx/
H A Dsubgraph_rewriter.py1 from .graph_module import GraphModule
34 def _replace_attributes(gm: GraphModule, replacement: torch.nn.Module) -> None: argument
37 if isinstance(replacement, GraphModule):
84 gm: GraphModule, argument
85 pattern: Union[Callable, GraphModule], argument
86 replacement: Union[Callable, GraphModule]
208 gm: GraphModule, argument
209 pattern: Union[Callable, Graph, GraphModule], argument
210 replacement: Union[Callable, Graph, GraphModule],
228 gm: GraphModule, argument
[all …]
/aosp_15_r20/external/pytorch/test/fx/
H A Dtest_gradual_type.py8 from torch.fx import GraphModule, symbolic_trace
61 symbolic_traced: torch.fx.GraphModule = symbolic_trace(module)
77 symbolic_traced: torch.fx.GraphModule = symbolic_trace(module)
144 symbolic_traced: torch.fx.GraphModule = symbolic_trace(module)
166 symbolic_traced: torch.fx.GraphModule = symbolic_trace(module)
186 symbolic_traced: torch.fx.GraphModule = symbolic_trace(module)
197 symbolic_traced: torch.fx.GraphModule = symbolic_trace(module)
216 symbolic_traced: torch.fx.GraphModule = symbolic_trace(module)
236 symbolic_traced: torch.fx.GraphModule = symbolic_trace(module)
247 symbolic_traced: torch.fx.GraphModule = symbolic_trace(module)
[all …]
H A Dtest_z3_gradual_types.py6 from torch.fx import GraphModule, symbolic_trace
58 symbolic_traced: torch.fx.GraphModule = symbolic_trace(BasicBlock())
78 symbolic_traced: torch.fx.GraphModule = symbolic_trace(BasicBlock())
155 symbolic_traced: torch.fx.GraphModule = symbolic_trace(BasicBlock())
174 symbolic_traced: torch.fx.GraphModule = symbolic_trace(BasicBlock())
193 symbolic_traced: torch.fx.GraphModule = symbolic_trace(BasicBlock())
206 symbolic_traced: torch.fx.GraphModule = symbolic_trace(BasicBlock())
237 symbolic_traced: torch.fx.GraphModule = symbolic_trace(BasicBlock())
270 symbolic_traced: torch.fx.GraphModule = symbolic_trace(BasicBlock())
291 symbolic_traced: torch.fx.GraphModule = symbolic_trace(BasicBlock())
[all …]
/aosp_15_r20/external/executorch/backends/vulkan/quantizer/
H A Dvulkan_quantizer.py86 self, model: torch.fx.GraphModule argument
87 ) -> torch.fx.GraphModule:
91 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
99 model: torch.fx.GraphModule, argument
102 ) -> torch.fx.GraphModule:
111 self, model: torch.fx.GraphModule argument
112 ) -> torch.fx.GraphModule:
119 def validate(self, model: torch.fx.GraphModule) -> None: argument
/aosp_15_r20/external/pytorch/torch/ao/ns/fx/
H A Dgraph_passes.py8 from torch.fx import GraphModule, map_arg
26 def _maybe_get_fqn(node: Node, gm: GraphModule) -> Optional[str]: argument
44 gm: GraphModule, argument
91 gm: GraphModule, argument
96 ) -> GraphModule:
198 new_gm = GraphModule(gm, new_graph)
205 gm_b: GraphModule, argument
239 gm_a: GraphModule, argument
240 gm_b: GraphModule, argument
397 gm_a: GraphModule, argument
[all …]
/aosp_15_r20/external/executorch/backends/mediatek/quantizer/
H A Dquantizer.py8 from torch.fx import GraphModule
30 def transform_for_annotation(self, model: GraphModule) -> GraphModule: argument
34 def annotate(self, model: GraphModule) -> GraphModule: argument
38 def validate(self, model: GraphModule) -> None: argument
41 def _annotate(self, gm: GraphModule) -> None: argument
/aosp_15_r20/external/pytorch/torch/ao/quantization/quantizer/
H A Dxnnpack_quantizer.py341 self, model: torch.fx.GraphModule argument
342 ) -> torch.fx.GraphModule:
346 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
358 model: torch.fx.GraphModule, argument
361 ) -> torch.fx.GraphModule:
375 model: torch.fx.GraphModule, argument
378 ) -> torch.fx.GraphModule:
388 self, model: torch.fx.GraphModule argument
389 ) -> torch.fx.GraphModule:
410 self, model: torch.fx.GraphModule argument
[all …]
H A Dxnnpack_quantizer_utils.py67 torch.fx.GraphModule,
177 gm: torch.fx.GraphModule, argument
225 gm: torch.fx.GraphModule, argument
287 gm: torch.fx.GraphModule, argument
334 gm: torch.fx.GraphModule, argument
390 gm: torch.fx.GraphModule, argument
401 gm: torch.fx.GraphModule, argument
412 gm: torch.fx.GraphModule, argument
425 gm: torch.fx.GraphModule, argument
438 gm: torch.fx.GraphModule, argument
[all …]
H A Dcomposable_quantizer.py43 self, gm: torch.fx.GraphModule, quantizer: Quantizer argument
64 def annotate(self, model: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
72 self, model: torch.fx.GraphModule argument
73 ) -> torch.fx.GraphModule:
78 def validate(self, model: torch.fx.GraphModule) -> None: argument
/aosp_15_r20/external/pytorch/torch/ao/ns/
H A D_numeric_suite_fx.py122 from torch.fx import GraphModule
309 model: GraphModule, argument
332 gm_a: GraphModule, argument
334 gm_b: GraphModule, argument
420 gm_a = GraphModule(model_a, tracer_a.trace(model_a))
426 gm_b = GraphModule(model_b, tracer_b.trace(model_b))
445 model: GraphModule, argument
475 gm_a: GraphModule, argument
477 gm_b: GraphModule, argument
561 gm_a = GraphModule(model_a, tracer_a.trace(model_a))
[all …]
/aosp_15_r20/external/executorch/exir/tests/
H A Dtest_pass_infra.py42 def test_pass1(graph_module: torch.fx.GraphModule) -> None: argument
49 def test_pass11(graph_module: torch.fx.GraphModule) -> None: argument
63 def call(self, graph_module: torch.fx.GraphModule) -> None: argument
71 def test_pass1(graph_module: torch.fx.GraphModule) -> None: argument
78 def call(self, graph_module: torch.fx.GraphModule) -> None: argument
92 def replace_add_with_mul(gm: torch.fx.GraphModule) -> None: argument
97 def replace_mul_with_div(gm: torch.fx.GraphModule) -> None: argument
133 def introduce_call_method(gm: torch.fx.GraphModule) -> None: argument
139 def introduce_call_module(gm: torch.fx.GraphModule) -> None: argument
/aosp_15_r20/external/executorch/backends/arm/quantizer/
H A Darm_quantizer.py53 from torch.fx import GraphModule, Node
316 def transform_for_annotation(self, model: GraphModule) -> GraphModule: argument
323 def annotate(self, model: GraphModule) -> GraphModule: argument
337 model: GraphModule, argument
340 ) -> GraphModule:
359 self, model: GraphModule argument
360 ) -> GraphModule:
389 model: GraphModule, argument
408 def validate(self, model: GraphModule) -> None: argument
/aosp_15_r20/external/pytorch/torch/fx/passes/utils/
H A Dfuser_utils.py7 from torch.fx.graph_module import GraphModule
93 def fuse_as_graphmodule(gm: GraphModule, argument
95 module_name: str) -> Tuple[GraphModule, Tuple[Node, ...], Tuple[Node, ...]]:
177 fused_gm: GraphModule
190 def insert_subgm(gm: GraphModule, sub_gm: GraphModule, orig_inputs: Tuple[Node, ...], orig_outputs:… argument
214 def erase_nodes(gm: GraphModule, nodes: NodeList): argument
222 def fuse_by_partitions(gm: GraphModule, partitions: List[NodeList], prefix: str = "fused_") -> Grap… argument
/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: argument
44 gm: torch.fx.GraphModule, argument
100 gm: torch.fx.GraphModule, argument
144 gm: torch.fx.GraphModule, dtype_node: Union[torch.dtype, torch.fx.Node] argument
170 gm: torch.fx.GraphModule, argument
186 gm: torch.fx.GraphModule, argument
207 gm: torch.fx.GraphModule, argument
261 gm: torch.fx.GraphModule, opname: str, fx_node: torch.fx.Node argument
294 def _transform_conv_with_packedparam(gm: torch.fx.GraphModule, node: torch.fx.Node): argument
349 def _transform_linear_with_packedparam(gm: torch.fx.GraphModule, node: torch.fx.Node): argument
[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): argument
171 def call(self, graph_module: torch.fx.GraphModule) -> PassResult: argument
190 def fuse_batch_norm_with_conv(self, graph_module: torch.fx.GraphModule) -> None: argument
280 def call(self, graph_module: torch.fx.GraphModule) -> PassResult: argument
296 self, graph_module: torch.fx.GraphModule argument
435 def call(self, graph_module: torch.fx.GraphModule) -> PassResult: argument
455 self, graph_module: torch.fx.GraphModule argument
505 def call(self, graph_module: torch.fx.GraphModule) -> PassResult: argument
519 def fuse_cascaded_view_ops(self, graph_module: torch.fx.GraphModule): argument
548 def call(self, graph_module: torch.fx.GraphModule) -> PassResult: argument
[all …]
/aosp_15_r20/external/executorch/backends/qualcomm/quantizer/
H A Dquantizer.py23 from torch.fx import GraphModule
112 def _annotate(self, gm: GraphModule) -> None: argument
121 def _annotate_custom_annotation(self, gm: GraphModule) -> None: argument
160 def annotate(self, model: GraphModule) -> GraphModule: argument
196 def transform_for_annotation(self, model: GraphModule) -> GraphModule: argument
205 def validate(self, model: GraphModule) -> None: argument
/aosp_15_r20/external/executorch/exir/
H A Dpass_base.py52 PassType = Callable[[torch.fx.GraphModule], Optional[PassResult]]
288 def __init__(self, callback: "_ExportPassBase", gm: fx.GraphModule) -> None: argument
383 torch.fx.GraphModule(torch.nn.Module(), torch.fx.Graph())
417 def inputs(self, graph_module: torch.fx.GraphModule) -> List[Argument]: argument
483 true_fn: torch.fx.GraphModule, argument
484 false_fn: torch.fx.GraphModule, argument
502 f: torch.fx.GraphModule, argument
527 self, graph_module: fx.GraphModule, inputs: Tuple[Argument, ...] argument
535 torch.fx.GraphModule(torch.nn.Module(), torch.fx.Graph())
541 new_graph_module = torch.fx.GraphModule(self.tracer.root, self.tracer.graph)
[all …]
/aosp_15_r20/external/pytorch/torch/_inductor/fx_passes/
H A Dpre_grad.py111 def pre_grad_passes(gm: torch.fx.GraphModule, example_inputs=None): argument
291 def fuse_fx(gm: torch.fx.GraphModule, example_inputs) -> torch.fx.GraphModule: argument
341 def remove_identity(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
357 def fuse_conv_bn(gm: torch.fx.GraphModule, inplace=False) -> torch.fx.GraphModule: argument
604 def sink_cat_after_pointwise(module: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
655 def linear_permute_fusion(module: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
696 def permute_linear_fusion(module: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
730 def permute_matmul_fusion(module: torch.fx.GraphModule) -> torch.fx.GraphModule: argument
/aosp_15_r20/external/pytorch/test/expect/
H A DTestFXAPIBackwardCompatibility.test_function_back_compat-fx_backcompat_function_signatures.expect8 …le[..., Any]], concrete_args: Optional[Dict[str, Any]] = None) -> torch.fx.graph_module.GraphModule
10 torch.fx.graph.Graph.__init__(self, owning_module: Optional[GraphModule] = None, tracer_cls: Option…
27 …le.GraphModule.__init__(self, root: Union[torch.nn.modules.module.Module, Dict[str, Any]], graph: …
28 torch.fx.graph_module.GraphModule.add_submodule(self, target: str, m: torch.nn.modules.module.Modul…
29 torch.fx.graph_module.GraphModule.delete_all_unused_submodules(self) -> None
30 torch.fx.graph_module.GraphModule.delete_submodule(self, target: str) -> bool
31 torch.fx.graph_module.GraphModule.recompile(self) -> torch.fx.graph.PythonCode
53 torch.fx.interpreter.Transformer.transform(self) -> torch.fx.graph_module.GraphModule
66 …ntime_assert.insert_deferred_runtime_asserts(gm: torch.fx.graph_module.GraphModule, shape_env: Any…
67 torch.fx.passes.split_module.split_module(m: torch.fx.graph_module.GraphModule, root_m: torch.nn.mo…
[all …]

12345678910>>...17