Home
last modified time | relevance | path

Searched refs:call_function (Results 1 – 25 of 142) sorted by relevance

123456

/aosp_15_r20/external/executorch/extension/training/
H A DREADME.md111 …%linear : [num_users=1] = call_function[target=torch.ops.aten.linear.default](args = (%input, %p_n…
112 …%sigmoid : [num_users=1] = call_function[target=torch.ops.aten.sigmoid.default](args = (%linear,),…
113 …%linear_1 : [num_users=2] = call_function[target=torch.ops.aten.linear.default](args = (%sigmoid, …
114 …%cross_entropy_loss : [num_users=1] = call_function[target=torch.ops.aten.cross_entropy_loss.defau…
115 …%detach : [num_users=1] = call_function[target=torch.ops.aten.detach.default](args = (%linear_1,),…
116 …%argmax : [num_users=1] = call_function[target=torch.ops.aten.argmax.default](args = (%detach, 1),…
138 …%permute : [num_users=1] = call_function[target=torch.ops.aten.permute.default](args = (%p_net_lin…
139 …%addmm : [num_users=1] = call_function[target=torch.ops.aten.addmm.default](args = (%p_net_linear_…
140 …%sigmoid : [num_users=3] = call_function[target=torch.ops.aten.sigmoid.default](args = (%addmm,), …
141 …%alias : [num_users=1] = call_function[target=torch.ops.aten.alias.default](args = (%sigmoid,), kw…
[all …]
/aosp_15_r20/external/pytorch/test/quantization/fx/
H A Dtest_equalize_fx.py618 ns.call_function(torch.mul),
619 ns.call_function(torch.quantize_per_tensor),
625 ns.call_function(torch.mul),
626 ns.call_function(torch.quantize_per_tensor),
629 ns.call_function(torch.add),
630 ns.call_function(torch.mul),
631 ns.call_function(torch.quantize_per_tensor),
637 ns.call_function(torch.mul),
638 ns.call_function(torch.quantize_per_tensor),
645 ns.call_function(torch.mul),
[all …]
H A Dtest_quantize_fx.py538 ns.call_function(torch.quantize_per_tensor): 1 if two_conv else 2,
545 ns.call_function(torch.quantize_per_tensor): 3,
638 ns.call_function(torch.quantize_per_tensor),
644 ns.call_function(torch.quantize_per_tensor),
1090 … ns.call_function(torch.nn.functional.conv1d if is_reference else torch.ops.quantized.conv1d) ,
1091 ns.call_function(torch.ops.quantized.conv1d_prepack),
1098 … ns.call_function(torch.nn.functional.conv2d if is_reference else torch.ops.quantized.conv2d),
1099 ns.call_function(torch.ops.quantized.conv2d_prepack),
1106 … ns.call_function(torch.nn.functional.conv3d if is_reference else torch.ops.quantized.conv3d),
1107 ns.call_function(torch.ops.quantized.conv3d_prepack),
[all …]
/aosp_15_r20/external/pytorch/test/quantization/pt2e/
H A Dtest_quantize_pt2e.py185 ns.call_function(
188 ns.call_function(
193 ns.call_function(
196 ns.call_function(
199 ns.call_function(torch.ops.aten.conv2d.default),
279 ns.call_function(
282 ns.call_function(
287 ns.call_function(
290 ns.call_function(
293 ns.call_function(torch.ops.aten.conv2d.default),
[all …]
H A Dtest_representation.py196 ns.call_function(out_dtype): 2,
248 ns.call_function(
251 ns.call_function(
257 ns.call_function(
260 ns.call_function(
294 ns.call_function(torch.ops.quantized_decomposed.quantize_per_tensor): 0,
295 ns.call_function(torch.ops.quantized_decomposed.dequantize_per_tensor): 0,
298 ns.call_function(
301 ns.call_function(
H A Dtest_quantize_pt2e_qat.py389 ns.call_function(
392 ns.call_function(
395 ns.call_function(
404 ns.call_function(
407 ns.call_function(
412 ns.call_function(
415 ns.call_function(
418 ns.call_function(conv_weight_dq_op),
419 ns.call_function(conv_op),
420 ns.call_function(
[all …]
/aosp_15_r20/external/pytorch/torch/_inductor/fx_passes/
H A Dgroup_batch_fusion.py141 unsqueezed_input = graph.call_function(
147 stacked_inputs = graph.call_function(
253 fused_bmm = graph.call_function(
263 new_mm = graph.call_function(aten.select, args=((fused_bmm, 0, i)))
274 broadcast_bias = graph.call_function(
280 new_bias_add = graph.call_function(
287 new_bias_add = graph.call_function(
366 fused_mm = graph.call_function(
374 new_mm = graph.call_function(operator.getitem, args=(fused_mm, i))
464 batch_op = graph.call_function(
[all …]
H A Dsplit_cat.py193 new_split_node = graph.call_function(
283 new_node = graph.call_function(
344 new_cat_node = graph.call_function(
380 new_node = graph.call_function(
427 new_squeeze_node = match.graph.call_function(
431 new_squeeze_node = match.graph.call_function(
451 new_reshape_node = match.graph.call_function(
534 new_split = graph.call_function(
567 new_getitem = graph.call_function(
835 new_split = graph.call_function(
[all …]
H A Dddp_fusion.py50 def call_function( function
61 node = graph.call_function(target, args, kwargs)
197 call_function(graph, aten.flatten.using_ints, (input_node,))
202 cat_node = call_function(graph, aten.cat, (cat_inputs,))
209 div_node = call_function(graph, last_input_node.target, (cat_node, divisors[0]))
218 fused_comm_node = call_function(graph, last_comm_node.target, args, kwargs)
225 fused_wait_node = call_function(graph, last_wait_node.target, args, kwargs)
257 last_input_node = call_function(
267 fused_comm_node = call_function(
277 gi_node = call_function(graph, operator.getitem, (fused_comm_node, idx))
[all …]
H A Dmicro_pipeline_tp.py334 new_mm_node = graph.call_function(
480 return graph.call_function(
486 return graph.call_function(
570 shard_node = graph.call_function(
578 new_ag_node = graph.call_function(
582 new_out_nodes = graph.call_function(
587 new_out_node = graph.call_function(
643 return graph.call_function(
648 return graph.call_function(
725 matmul.A_node = graph.call_function(
/aosp_15_r20/external/executorch/backends/cadence/aot/quantizer/
H A Dfusion_pass.py76 weight_zero_point_ = graph_module.graph.call_function(
81 out_multiplier_ = graph_module.graph.call_function(
86 out_shift_ = graph_module.graph.call_function(
122 scale_tensor = graph_module.graph.call_function(
130 zero_point_tensor = graph_module.graph.call_function(
142 weight = graph_module.graph.call_function(
154 bias = graph_module.graph.call_function(
242 out_multiplier_ = graph_module.graph.call_function(
247 out_shift_ = graph_module.graph.call_function(
254 weight_zero_point_tensor = graph_module.graph.call_function(
[all …]
/aosp_15_r20/external/pytorch/torch/fx/passes/
H A Druntime_assert.py248 graph.call_function(
292 lambda: graph.call_function(
300 lambda: graph.call_function(
306 lambda: graph.call_function(
424 graph.call_function(
432 graph.call_function(
450 graph.call_function(
457 graph.call_function(
465 graph.call_function(
472 graph.call_function(
[all …]
/aosp_15_r20/external/pytorch/torch/_export/passes/
H A Dreplace_quantized_ops_with_standard_ops_pass.py40 return gm.graph.call_function(int_to_valid_dtype, (val,))
53 return gm.graph.call_function(
111 return gm.graph.call_function(
123 return gm.graph.call_function(
146 q_min_max_node = gm.graph.call_function(
149 qmin_node = gm.graph.call_function(operator.getitem, (q_min_max_node, 0))
150 qmax_node = gm.graph.call_function(operator.getitem, (q_min_max_node, 1))
264 fx_node = gm.graph.call_function(torch.ops.aten.relu, (fx_node,))
322 op_res_node = gm.graph.call_function(
334 op_res_node = gm.graph.call_function(
[all …]
/aosp_15_r20/external/pytorch/docs/source/
H A Dtorch.compiler_transformations.rst25 if node.op == "call_function" and node.target == torch.ops.aten.add.Tensor:
40 if node.op == "call_function" and node.target == torch.ops.aten.add.Tensor:
45 # Insert a new `call_function` node with op `torch.ops.aten.relu.default`
46 new_relu_node = gm.graph.call_function(torch.ops.aten.relu.default, args=(node,))
91 def call_function(self, target, args, kwargs):
93 return super().call_function(target, args, kwargs)
94 return super().call_function(torch.ops.aten.mul.Tensor, args, kwargs)
98 The ``super().call_function(target, args, kwargs, meta)`` call creates a
99 ``call_function`` FX node, and returns the result of running the
106 ops B and C, we would then make 2 calls to ``super().call_function`` to
[all …]
H A Dtorch.compiler_custom_backends.rst163 call_function cos <built-in method cos of type object at 0x7f1a894649a8> (x,) {}
164 call_function sin <built-in method sin of type object at 0x7f1a894649a8> (y,) {}
165 call_function add <built-in function add> (cos, sin) {}
216call_function abs_1 <built-in method abs of type object at 0x7f8d259298a0> (a,) …
217call_function add <built-in function add> (abs_1, 1) …
218call_function truediv <built-in function truediv> (a, add) …
220call_function lt <built-in function lt> (sum_1, 0) …
228 call_function mul <built-in function mul> (b, -1) {}
229 call_function mul_1 <built-in function mul> (x, mul) {}
237 call_function mul <built-in function mul> (x, b) {}
/aosp_15_r20/external/pytorch/torch/_dynamo/variables/
H A Dhigher_order_ops.py89 return UserFunctionVariable(f).call_function(tx, args, kwargs)
113 flat_list_variable = BuiltinVariable(list).call_function(tx, [flat_variable], {})
135 BuiltinVariable(callable).call_function(tx, [func_var], {}).as_python_constant()
420 output = f.call_function(tx, args, sub_kwargs)
437 output = BuiltinVariable(tuple).call_function(tx, [output], {})
564 def call_function( member in TorchHigherOrderOperatorVariable
574 def call_function( member in CondHigherOrderVariable
761 def call_function( member in CallTorchbindHigherOrderVariable
787 def call_function( member in WhileLoopHigherOrderVariable
941 def call_function( member in AssociativeScanHigherOrderVariable
[all …]
H A Dfunctions.py87 def call_function( member in BaseUserFunctionVariable
285 def call_function( member in UserFunctionVariable
293 return super().call_function(tx, args, kwargs)
312 def call_function( member in UserMethodVariable
344 return super().call_function(tx, args, kwargs)
358 def call_function( member in WrappedUserMethodVariable
362 result = super().call_function(tx, args, kwargs)
375 def call_function( member in WrappedUserFunctionVariable
379 result = super().call_function(tx, args, kwargs)
600 def call_function( member in SkipFunctionVariable
[all …]
H A Dmisc.py173 ).call_function(tx, [self.objvar] + args, kwargs)
185 ).call_function(tx, args, kwargs)
191 ).call_function(tx, args, kwargs)
195 ).call_function(tx, [self.objvar] + args, kwargs)
199 ).call_function(tx, args, kwargs)
260 codegen.call_function(len(self.args), False)
294 def call_function( member in ComptimeVariable
699 ).call_function(tx, args, kwargs)
723 return variables.UserFunctionVariable(fn, source=source).call_function(
731 ).call_function(tx, args, kwargs)
[all …]
H A Diter.py39 def call_function( member in ItertoolsVariable
70 func = kwargs["func"].call_function
72 func = args[1].call_function
75 func = BuiltinVariable(operator.add).call_function
137 kwargs.get("key").call_function(tx, [x], {})
185 return variables.UserFunctionVariable(polyfills.dropwhile).call_function(
189 return variables.UserFunctionVariable(polyfills.zip_longest).call_function(
193 return super().call_function(tx, args, kwargs)
462 return self.fn.call_function(tx, args.items, {})
H A Duser_defined.py337 def call_function( member in UserDefinedClassVariable
477 var_tracker = factory_fn.call_function(tx, [], {})
508 variables.BuiltinVariable(list).call_function(tx, args, kwargs).items,
571 return super().call_function(tx, args, kwargs)
788 return UserMethodVariable(method, self, source=source).call_function(
841 def call_function( member in UserDefinedObjectVariable
868 ).call_function(tx, args, kwargs)
878 ).call_function(tx, [var], kwargs)
888 return func_var.call_function(tx, [obj_var] + args, kwargs)
919 return build_checkpoint_variable().call_function(
[all …]
/aosp_15_r20/external/pytorch/torch/fx/experimental/
H A Dnormalize.py57 out = self.call_function(n.target, args, kwargs, arg_types, kwarg_types)
66 def call_function( member in NormalizeArgs
89 return super().call_function(target, args, kwargs)
144 def call_function( member in NormalizeOperators
154 return super().call_function(target, args, kwargs)
157 return super().call_function(
163 return super().call_function(target, args, kwargs)
H A Dmerge_matmul.py144 merge_mm_cat = gm.graph.call_function(torch.cat, (lhs,), {})
149 merge_mm = gm.graph.call_function(torch.matmul, (merge_mm_cat, rhs,), {})
153 merge_mm_split = gm.graph.call_function(
157 gm.graph.call_function(operator.getitem, (merge_mm_split, out), {})
/aosp_15_r20/external/pytorch/torch/_export/
H A Dconverter.py652 fx_node = self.fx_graph.call_function(
683 fx_node = self.fx_graph.call_function(target, args, kwargs)
698 fx_node = self.fx_graph.call_function(list_append, args)
789 self.fx_graph.call_function(
800 fx_node = self.fx_graph.call_function(target, args, kwargs)
811 next_fx_node = self.fx_graph.call_function(
864 fx_node = self.fx_graph.call_function(operator.getitem, (inp, i))
871 to_copy_node = self.fx_graph.call_function(target, args, {"dtype": torch.int32})
873 fx_node = self.fx_graph.call_function(
893 fx_node = self.fx_graph.call_function(target, args, {"dtype": torch.long})
[all …]
/aosp_15_r20/external/executorch/backends/cadence/aot/
H A Dreorder_ops.py185 dom_quant_node = graph.call_function(
207 dom_quant_node = graph.call_function(
220 dequant_node = graph.call_function(
314 quant_node = graph.call_function(node.target, args=tuple(quant_args))
320 tq_node = graph.call_function(
434 dequant_node = graph.call_function(
518 new_node = graph.call_function(
606 new_node = graph.call_function(
671 new_view_node = graph.call_function(
677 new_permute_node = graph.call_function(
/aosp_15_r20/external/executorch/docs/source/
H A Ddebug-backend-delegate.md54 %aten_unsqueeze_copy_default_22 : [num_users=1] = call_function[target=executorch.exir.dialects.edg…
55 …%aten_unsqueeze_copy_default_23 : [num_users=1] = call_function[target=executorch.exir.dialects.ed…
61 …%aten_add_tensor : [num_users=1] = call_function[target=executorch.exir.dialects.edge._ops.aten.ad…
63 …%executorch_call_delegate : [num_users=1] = call_function[target=torch.ops.higher_order.executorch…
64 …%aten_sub_tensor : [num_users=1] = call_function[target=executorch.exir.dialects.edge._ops.aten.su…

123456