.torch_dynamo¶
modules
onnx_custom_backend¶
- experimental_experiment.torch_dynamo.onnx_custom_backend(graph_module: torch.fx.GraphModule, args: List[torch.Tensor], target_opset: int | None = None, backend: str = 'ort', verbose: int | Tuple[int, int] = 0, dump_prefix: None = None, dump_patterns: str | None = None, providers: Tuple[str] | None = None, raise_exc: bool = True, storage: Dict[str, Any] | None = None, enable_pattern: str | List[str | type] | None = 'default', disable_pattern: str | List[str | type] | None = None, pre_ort_model_transforms: Callable[[ModelProto], ModelProto] | List[Callable[[ModelProto], ModelProto]] | None = None, ort_optimization_level: str | None = None, dispatcher: Dispatcher | None = None, rename_inputs: bool = True, optimize: bool = True, exporter: str | None = None, processor: str = 'CPU', order_algorithm: str | None = None, options: OptimizationOptions | None = None, export_options: str | ExportOptions | None = None) Callable [source]¶
Custom backend to export torch models into onnx (see torch.compiler). This backend relies on onnxruntime and tries to be as efficient as possible.
- Parameters:
graph_module – graph to export
args – arguments
target_opset – opset to use for the conversion
backend – only ‘ort’ is allowed
verbose – adjust verbosity, if tuple, if gives different verbosity level to the exporter and the runtime
dump_prefix – to dump the models and the inputs
dump_patterns – dump the patterns as well
providers – where to run the model, by default
raise_exc – raise an exception whenever something goes wrong
storage – to store any interesting objects during the process
enable_pattern – optimization patterns to enable
disable_pattern – optimization patterns to disable
pre_ort_model_transforms – list of transformations applied on the final ModelProto
ort_optimization_level – graph optimization level for onnxruntime, the default value is the same as what onnxruntime defines
dispatcher – see
experimental_experiment.torch_interpreter.Dispatcher
rename_inputs – rename the inputs
optimize – enable or disable the optimization
exporter – use a different exporter
processor – optimization should be made for this processor or this list of processors (comma separated value)
order_algorithm – algorithm optimizing the order the onnx node, none by default
options – to define custom Optimization options, in that case, any other optimization parameter is ignored
export_options – see
ExportOptions
- Returns:
Callable
See 301: Compares LLAMA exporters for onnxrt backend or 101: A custom backend for torch for examples. If not empty, storage keeps the memory of the data generated, onnx models, graph module as well the inputs and outputs when the model is run.
The following example shows how to use the custom backend (based on onnxruntime).
<<<
import torch from experimental_experiment.torch_dynamo import onnx_custom_backend class MLP(torch.nn.Module): def __init__(self): super().__init__() self.layers = torch.nn.Sequential( torch.nn.Linear(10, 32), torch.nn.Sigmoid(), torch.nn.Linear(32, 1), ) def forward(self, x): return self.layers(x) x = torch.randn(3, 10, dtype=torch.float32) mlp = MLP() expected = mlp(x) compiled_model = torch.compile( mlp, backend=lambda *args, **kwargs: onnx_custom_backend(*args, verbose=1, **kwargs), dynamic=False, fullgraph=True, ) try: got = compiled_model(x) diff = (expected - got).max() print(f"discrepancies: {diff}") except (ImportError, AttributeError) as e: print("onnxruntime-training is not installed", e)
>>>
[onnx_custom_backend] starts conversion to onnx. [to_onnx] build the graph module from <class 'torch.fx.graph_module.GraphModule.__new__.<locals>.GraphModuleImpl'>, type(args)=<class 'tuple'> [to_onnx] build the graph module with input_names=['input0', 'input1', 'input2', 'input3', 'input4'] [_make_builder_interpreter] use existing <class 'torch.fx.graph_module.GraphModule.__new__.<locals>.GraphModuleImpl'> [to_onnx] graph module done in 0.0004900690000795294 s [to_onnx] start creating the onnx nodes [to_onnx] interpreter.function_options=FunctionOptions(export_as_function=True, name='*', domain='*', external_threshold=256, move_initializer_to_constant=True, return_initializer=True, merge_allowed=True, rename_allowed=True) [to_onnx] 13 onnx nodes done in 0.001117703999625519 s [to_onnx] start conversion to onnx (before optimization) mask_outputs=None [GraphBuilder-HDO.optimize] start with 13 nodes [GraphBuilder-HDO.optimize] #patterns=48 [GraphBuilder-HDO.optimize] start with subgraphs [GraphBuilder-HDO.optimize] done with subgraphs [GraphBuilderPatternOptimization-HDO.optimize] start with 7 nodes, 0 initializers, 48 patterns, priorities=[0, 1] [GraphBuilderPatternOptimization-HDO.optimize] iteration 0: 7 nodes, priority=0 [GraphBuilderPatternOptimization-HDO.optimize] increase priority to 1 [GraphBuilderPatternOptimization-HDO.optimize] iteration 1: 7 nodes, priority=1 [GraphBuilderPatternOptimization-HDO.optimize] applies 3 matches, 2*MatMulAddPattern, 1*TransposeEqualReshapePattern - time=0.000 | max_time=TransposeMatMulPattern:0.000 [GraphBuilderPatternOptimization-HDO.optimize] iteration 2: 5 nodes, priority=1 [GraphBuilderPatternOptimization-HDO.optimize] applies 1 matches, [0]=MatchResult: TransposeMatMulPattern replaces ['Transpose', 'Gemm'] - time=0.000 | max_time=TransposeMatMulPattern:0.000 [GraphBuilderPatternOptimization-HDO.optimize] iteration 3: 4 nodes, priority=1 [GraphBuilderPatternOptimization-HDO.optimize] stops current_priority_index=2, priorities=[0, 1] [GraphBuilderPatternOptimization-HDO.optimize] done after 4 iterations with 4 nodes in 0.004 [GraphBuilder-HDO.optimize] done with 4 nodes in 0.004 [GraphBuilder-HDO.to_onnx] make_model 1 inits 0 params [GraphBuilder-HDO.time_evaluation_constants_] 0 [GraphBuilder-HDO._build_initializers] start with 1 initializers, large_model=False, external_threshold=1024 [GraphBuilder-HDO._build_initializers] switch low/high order [GraphBuilder-HDO._build_initializers] done in 7.250018825288862e-07s with 1 initializers, 0 large initializers [GraphBuilder-HDO._add_shape_information] dynamic shapes replacements={} [to_onnx] to_onnx done in 0.005014833001041552s and 4 nodes, 1 initializers, 5 inputs, 1 outputs [onnx_custom_backend] to_onnx done in 0.00688578100016457 with 4 nodes and 0 local functions. [onnx_custom_backend] starts creating InferenceSession [onnx_custom_backend] InferenceSession done in 0.01105936599924462 discrepancies: 2.9802322387695312e-08
onnx_debug_backend¶
- experimental_experiment.torch_dynamo.onnx_debug_backend(graph_module: torch.fx.GraphModule, args: List[torch.Tensor | torch.SymInt | torch.SymFloat], target_opset: int | None = None, backend: str | Callable[[ModelProto, bool | None], Any] = 'ort', verbose: int | Tuple[int, int] = 0, dump_prefix: None = None, dump_patterns: str | None = None, providers: Tuple[str] | None = None, raise_exc: bool = True, storage: Dict[str, Any] | None = None, raise_list: Set[str] | None = None, enable_pattern: str | List[str | type] | None = 'default', disable_pattern: str | List[str | type] | None = None, pre_ort_model_transforms: Callable[[ModelProto], ModelProto] | List[Callable[[ModelProto], ModelProto]] | None = None, ort_optimization_level: str | None = None, dispatcher: Dispatcher | None = None, rename_inputs: bool = True, optimize: bool = True, processor: str = 'CPU', order_algorithm: str | None = None) Callable [source]¶
Custom backend to export torch models into onnx (see torch.compiler). This backend is not meant to be efficient, it is more to check the conversion is ok. It relies either on onnxruntime or the python reference implementation.
- Parameters:
graph_module – graph to export
args – arguments
target_opset – opset to use for the conversion
backend – after the conversion, the model is executed with a runtime, onnxruntime or the reference implementation, it must be a value among ‘ort’, ‘ref’ or a class, it can be a function as well which returns an object behaving the same way
verbose – adjust verbosity, if tuple, if gives different verbosity level to the exporter and the runtime
dump_prefix – prefix used to dump the model generated by the backend
dump_patterns – dump the patterns as well
providers – where to run the model, by default
raise_exc – raise an exception whenever something goes wrong
storage – to store any interesting objects during the process
raise_list – the builder stops any time a name falls into that list, this is a debbuging tool
enable_pattern – optimization patterns to enable
disable_pattern – optimization patterns to disable
pre_ort_model_transforms – list of transformations applied on the final ModelProto
ort_optimization_level – graph optimization level for onnxruntime, the default value is the same as what onnxruntime defines
dispatcher – see
experimental_experiment.torch_interpreter.Dispatcher
rename_inputs – rename inputs into
input_{i}
optimize – enable or disable the optimization
processor – specifies the processor it is optimized for
order_algorithm – algorithm optimizing the order the onnx node, none by default
- Returns:
Callable
See 301: Compares LLAMA exporters for onnxrt backend for an example. If not empty, storage keeps the memory of the data generated, onnx models, graph module as well the inputs and outputs when the model is run.
The following example shows how to use the reference implementation (
experimental_experiment.reference.ExtendedReferenceEvaluator
) to run the onnx model and display the intermediate results.<<<
import torch from experimental_experiment.torch_dynamo import onnx_debug_backend class MLP(torch.nn.Module): def __init__(self): super().__init__() self.layers = torch.nn.Sequential( torch.nn.Linear(10, 32), torch.nn.Sigmoid(), torch.nn.Linear(32, 1), ) def forward(self, x): return self.layers(x) x = torch.randn(3, 10, dtype=torch.float32) mlp = MLP() expected = mlp(x) compiled_model = torch.compile( mlp, backend=lambda *args, **kwargs: onnx_debug_backend( *args, verbose=(1, 10), backend="ref", **kwargs ), dynamic=False, fullgraph=True, ) got = compiled_model(x) diff = (expected - got).max() print(f"discrepancies: {diff}")
>>>
[to_onnx] build the graph module from <class 'torch.fx.graph_module.GraphModule.__new__.<locals>.GraphModuleImpl'>, type(args)=<class 'tuple'> [to_onnx] build the graph module with input_names=['input0', 'input1', 'input2', 'input3', 'input4'] [_make_builder_interpreter] use existing <class 'torch.fx.graph_module.GraphModule.__new__.<locals>.GraphModuleImpl'> [to_onnx] graph module done in 0.0005247590015642345 s [to_onnx] start creating the onnx nodes [to_onnx] interpreter.function_options=FunctionOptions(export_as_function=True, name='*', domain='*', external_threshold=256, move_initializer_to_constant=True, return_initializer=True, merge_allowed=True, rename_allowed=True) [to_onnx] 13 onnx nodes done in 0.0010574849984550383 s [to_onnx] start conversion to onnx (before optimization) mask_outputs=None [GraphBuilder-BRK.optimize] start with 13 nodes [GraphBuilder-BRK.optimize] #patterns=48 [GraphBuilder-BRK.optimize] start with subgraphs [GraphBuilder-BRK.optimize] done with subgraphs [GraphBuilderPatternOptimization-BRK.optimize] start with 7 nodes, 0 initializers, 48 patterns, priorities=[0, 1] [GraphBuilderPatternOptimization-BRK.optimize] iteration 0: 7 nodes, priority=0 [GraphBuilderPatternOptimization-BRK.optimize] increase priority to 1 [GraphBuilderPatternOptimization-BRK.optimize] iteration 1: 7 nodes, priority=1 [GraphBuilderPatternOptimization-BRK.optimize] applies 3 matches, 2*MatMulAddPattern, 1*TransposeEqualReshapePattern - time=0.000 | max_time=MatMulAddPattern:0.000 [GraphBuilderPatternOptimization-BRK.optimize] iteration 2: 5 nodes, priority=1 [GraphBuilderPatternOptimization-BRK.optimize] applies 1 matches, [0]=MatchResult: TransposeMatMulPattern replaces ['Transpose', 'Gemm'] - time=0.000 | max_time=TransposeMatMulPattern:0.000 [GraphBuilderPatternOptimization-BRK.optimize] iteration 3: 4 nodes, priority=1 [GraphBuilderPatternOptimization-BRK.optimize] stops current_priority_index=2, priorities=[0, 1] [GraphBuilderPatternOptimization-BRK.optimize] done after 4 iterations with 4 nodes in 0.003 [GraphBuilder-BRK.optimize] done with 4 nodes in 0.004 [GraphBuilder-BRK.to_onnx] make_model 1 inits 0 params [GraphBuilder-BRK.time_evaluation_constants_] 0 [GraphBuilder-BRK._build_initializers] start with 1 initializers, large_model=False, external_threshold=1024 [GraphBuilder-BRK._build_initializers] switch low/high order [GraphBuilder-BRK._build_initializers] done in 5.949987098574638e-07s with 1 initializers, 0 large initializers [GraphBuilder-BRK._add_shape_information] dynamic shapes replacements={} [to_onnx] to_onnx done in 0.004680658003053395s and 4 nodes, 1 initializers, 5 inputs, 1 outputs +C init7_s2_-1_1: int64:(2,):[-1, 1] +I input0: float32:(32, 10):-0.21736681461334229,-0.23783953487873077,-0.2577689290046692,-0.24092532694339752,0.18189747631549835... +I input1: float32:(32,):0.21689103543758392,-0.17345459759235382,-0.1744106113910675,0.07016953825950623,-0.015547680668532848... +I input2: float32:(3, 10):0.7968316674232483,1.3372852802276611,-0.35472172498703003,2.359508514404297,-0.6543539762496948... +I input3: float32:(1, 32):-0.016860319301486015,0.006011678837239742,0.025400640442967415,0.06303802877664566,0.07243441790342331... +I input4: float32:(1,):[0.06697253882884979] Gemm(input2, input0, input1) -> input_1 + input_1: float32:(3, 32):-1.189231038093567,0.3358694314956665,0.8588643074035645,-0.5276917219161987,0.12142574787139893... Sigmoid(input_1) -> input_2 + input_2: float32:(3, 32):0.2333964854478836,0.5831868052482605,0.7024233341217041,0.3710554242134094,0.5303192138671875... Reshape(input3, init7_s2_-1_1) -> _onx_transpose_l_self_modules_layers_modules_2_parameters_weight_0 + _onx_transpose_l_self_modules_layers_modules_2_parameters_weight_0: float32:(32, 1):-0.016860319301486015,0.006011678837239742,0.025400640442967415,0.06303802877664566,0.07243441790342331... Gemm(input_2, _onx_transpose_l_self_modules_layers_modules_2_parameters_weight_0, input4) -> output_0 + output_0: float32:(3, 1):[0.546618640422821, 0.6023195385932922, 0.6173649430274963] discrepancies: 0.0
dynger_backend¶
- experimental_experiment.torch_dynamo.dynger_backend(graph_module: GraphModule, args: List[Tensor | SymInt | SymFloat], dynamic_shapes: Dict[str, Any] | Tuple[Any] | None = None, optimize: bool = True, verbose: int | Tuple[int, int] = 0) Callable [source]¶
Eager backend for dynamo.
- Parameters:
graph_module – graph to export
args – arguments
optimize – optimize or not, those optimization would be done on the graph module itself
verbose – adjust verbosity, if tuple, if gives different verbosity level to the exporter and the runtime
- Returns:
Callable
Next examples shows how to display intermediate results while executing the graph produced by torch dynamo.
<<<
import torch from experimental_experiment.torch_dynamo import dynger_backend class MLP(torch.nn.Module): def __init__(self): super().__init__() self.layers = torch.nn.Sequential( torch.nn.Linear(10, 32), torch.nn.Sigmoid(), torch.nn.Linear(32, 1), ) def forward(self, x): return self.layers(x) x = torch.randn(3, 10, dtype=torch.float32) mlp = MLP() expected = mlp(x) compiled_model = torch.compile( mlp, backend=lambda *args, **kwargs: dynger_backend(*args, verbose=10, **kwargs), dynamic=False, fullgraph=True, ) got = compiled_model(x) diff = (expected - got).max() print(f"discrepancies: {diff}")
>>>
[dynger_backend] use existing <class 'torch.fx.graph_module.GraphModule.__new__.<locals>.GraphModuleImpl'> [dynger_backend] begin execution with 9 nodes <built-in function linear>((l_x_, l_self_modules_layers_modules_0_parameters_weight_, l_self_modules_layers_modules_0_parameters_bias_)) -> input_1 + input_1: torch.float32:torch.Size([3, 32]):-0.5681819319725037,-0.06845077872276306,-0.5046055316925049,0.8023724555969238,-1.3707637786865234... <built-in method sigmoid of type object at 0x7fd5086f6ec0>((input_1,)) -> input_2 + input_2: torch.float32:torch.Size([3, 32]):0.36165642738342285,0.4828939735889435,0.3764589726924896,0.6904817223548889,0.2024964839220047... <built-in function linear>((input_2, l_self_modules_layers_modules_2_parameters_weight_, l_self_modules_layers_modules_2_parameters_bias_)) -> input_3 + input_3: torch.float32:torch.Size([3, 1]):0.04032889008522034,0.06078653037548065,0.09017293155193329 [dynger_backend] done discrepancies: 0.0
Other functions¶
- experimental_experiment.torch_dynamo.filter_decomposition_table(existing_table: Dict | None = None, filter_fct: Callable[[Any], bool] | None = None) Dict [source]¶
Returns the decomposition table when some conversions because their translation in ONNX is less efficient.
- Parameters:
existing_table – dictionary of decompositions, by default, it is
torch._decomp.decomposition_table
.filter_fct – if specified, a decomposition function is remove if the function returns false
- Returns:
new table
import torch from torch._dynamo.backends.common import aot_autograd from experimental_experiment.torch_dynamo import filter_decomposition_table aot_compiler = aot_autograd( fw_compiler=backend_debug, decompositions=filter_decomposition_table() ) compiled_model = torch.compile( model, backend=aot_compiler, dynamic=dynamic, fullgraph=fullgraph, )
The value is:
<<<
import pprint from experimental_experiment.torch_dynamo import filter_decomposition_table pprint.pprint(filter_decomposition_table())
>>>
{<torch._higher_order_ops.out_dtype.OutDtypeOperator object at 0x7fd3f920d640>: <function out_dtype_decomp at 0x7fd3f8aa9bc0>, <OpOverload(op='aten.alpha_dropout', overload='default')>: <function alpha_dropout at 0x7fd3f8901da0>, <OpOverload(op='aten.celu', overload='default')>: <function celu at 0x7fd3f8902020>, <OpOverload(op='aten.celu', overload='out')>: <function celu at 0x7fd3f8902020>, <OpOverload(op='aten.elu', overload='default')>: <function elu at 0x7fd3f89023e0>, <OpOverload(op='aten.elu', overload='out')>: <function elu at 0x7fd3f89023e0>, <OpOverload(op='aten.hinge_embedding_loss', overload='default')>: <function hinge_embedding_loss at 0x7fd3f8903920>, <OpOverload(op='aten.relu', overload='default')>: <function relu at 0x7fd3f89028e0>, <OpOverload(op='aten.relu', overload='out')>: <function relu at 0x7fd3f89028e0>, <OpOverload(op='aten.channel_shuffle', overload='default')>: <function channel_shuffle at 0x7fd3f8902f20>, <OpOverload(op='aten.channel_shuffle', overload='out')>: <function channel_shuffle at 0x7fd3f8902f20>, <OpOverload(op='aten.leaky_relu', overload='default')>: <function leaky_relu at 0x7fd3f8903100>, <OpOverload(op='aten.leaky_relu', overload='out')>: <function leaky_relu at 0x7fd3f8903100>, <OpOverload(op='aten.mish', overload='default')>: <function mish at 0x7fd3f8903560>, <OpOverload(op='aten.mish', overload='out')>: <function mish at 0x7fd3f8903560>, <OpOverload(op='aten.selu', overload='default')>: <function selu at 0x7fd3f89039c0>, <OpOverload(op='aten.hardshrink', overload='default')>: <function hardshrink at 0x7fd3f8730680>, <OpOverload(op='aten.softplus', overload='default')>: <function softplus at 0x7fd3f8903f60>, <OpOverload(op='aten.softplus', overload='out')>: <function softplus at 0x7fd3f8903f60>, <OpOverload(op='aten.softshrink', overload='default')>: <function softshrink at 0x7fd3f87309a0>, <OpOverload(op='aten.hardshrink', overload='out')>: <function hardshrink at 0x7fd3f8730680>, <OpOverload(op='aten.softshrink', overload='out')>: <function softshrink at 0x7fd3f87309a0>, <OpOverload(op='aten.margin_ranking_loss', overload='default')>: <function margin_ranking_loss at 0x7fd3f8731120>, <OpOverload(op='aten.nll_loss', overload='default')>: <function nll_loss at 0x7fd3f8730360>, <OpOverload(op='aten.nll_loss', overload='out')>: <function nll_loss at 0x7fd3f8730360>, <OpOverload(op='aten.huber_loss', overload='default')>: <function huber_loss at 0x7fd3f8731760>, <OpOverload(op='aten.huber_loss', overload='out')>: <function huber_loss at 0x7fd3f8731760>, <OpOverload(op='aten.threshold', overload='default')>: <function threshold at 0x7fd3f8731a80>, <OpOverload(op='aten.threshold', overload='out')>: <function threshold at 0x7fd3f8731a80>, <OpOverload(op='aten.hardtanh', overload='default')>: <function hardtanh at 0x7fd3f8732020>, <OpOverload(op='aten.hardtanh', overload='out')>: <function hardtanh at 0x7fd3f8732020>, <OpOverload(op='aten.pdist', overload='default')>: <function pdist at 0x7fd3f8733a60>, <OpOverload(op='aten.gelu', overload='default')>: <function gelu at 0x7fd3f87328e0>, <OpOverload(op='aten.gelu', overload='out')>: <function gelu at 0x7fd3f87328e0>, <OpOverload(op='aten.prelu', overload='default')>: <function prelu at 0x7fd3f8732b60>, <OpOverload(op='aten.relu6', overload='default')>: <function relu6 at 0x7fd3f8732de0>, <OpOverload(op='aten.glu', overload='default')>: <function glu at 0x7fd3f8733420>, <OpOverload(op='aten.glu', overload='out')>: <function glu at 0x7fd3f8733420>, <OpOverload(op='aten.pairwise_distance', overload='default')>: <function pairwise_distance at 0x7fd3f87336a0>, <OpOverload(op='aten.pixel_shuffle', overload='default')>: <function pixel_shuffle at 0x7fd3f8733060>, <OpOverload(op='aten.pixel_shuffle', overload='out')>: <function pixel_shuffle at 0x7fd3f8733060>, <OpOverload(op='aten.pixel_unshuffle', overload='default')>: <function pixel_unshuffle at 0x7fd3f8731e40>, <OpOverload(op='aten.pixel_unshuffle', overload='out')>: <function pixel_unshuffle at 0x7fd3f8731e40>, <OpOverload(op='aten.celu_', overload='default')>: <function celu at 0x7fd3f8902e80>, <OpOverload(op='aten.elu_', overload='default')>: <function elu at 0x7fd3f8732d40>, <OpOverload(op='aten.mish_', overload='default')>: <function mish at 0x7fd3f87316c0>, <OpOverload(op='aten.special_i1', overload='out')>: <function i1 at 0x7fd3f8761e40>, <OpOverload(op='aten.selu_', overload='default')>: <function selu at 0x7fd3f8733b00>, <OpOverload(op='aten.threshold_', overload='default')>: <function threshold at 0x7fd3f8733c40>, <OpOverload(op='aten.special_i1', overload='default')>: <function i1 at 0x7fd3f8761e40>, <OpOverload(op='aten.special_bessel_j0', overload='default')>: <function bessel_j0 at 0x7fd3f8760720>, <OpOverload(op='aten.special_bessel_j0', overload='out')>: <function bessel_j0 at 0x7fd3f8760720>, <OpOverload(op='aten.special_bessel_j1', overload='default')>: <function bessel_j1 at 0x7fd3f8760c20>, <OpOverload(op='aten.special_bessel_j1', overload='out')>: <function bessel_j1 at 0x7fd3f8760c20>, <OpOverload(op='aten.special_entr', overload='default')>: <function entr at 0x7fd3f8760fe0>, <OpOverload(op='aten.special_entr', overload='out')>: <function entr at 0x7fd3f8760fe0>, <OpOverload(op='aten.special_zeta', overload='other_scalar')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.special_erfcx', overload='default')>: <function erfcx at 0x7fd3f87613a0>, <OpOverload(op='aten.special_erfcx', overload='out')>: <function erfcx at 0x7fd3f87613a0>, <OpOverload(op='aten.special_i0e', overload='default')>: <function i0e at 0x7fd3f8761940>, <OpOverload(op='aten.special_i0e', overload='out')>: <function i0e at 0x7fd3f8761940>, <OpOverload(op='aten.special_i1e', overload='default')>: <function i1e at 0x7fd3f8761d00>, <OpOverload(op='aten.special_i1e', overload='out')>: <function i1e at 0x7fd3f8761d00>, <OpOverload(op='aten.special_log_ndtr', overload='default')>: <function log_ndtr at 0x7fd3f8761ee0>, <OpOverload(op='aten.special_log_ndtr', overload='out')>: <function log_ndtr at 0x7fd3f8761ee0>, <OpOverload(op='aten.logit', overload='default')>: <function logit at 0x7fd3f87622a0>, <OpOverload(op='aten.logit', overload='out')>: <function logit at 0x7fd3f87622a0>, <OpOverload(op='aten.special_xlog1py', overload='default')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='out')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar_out')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar_out')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_zeta', overload='other_scalar_out')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.mvlgamma', overload='default')>: <function multigammaln at 0x7fd3f8762a20>, <OpOverload(op='aten.mvlgamma', overload='out')>: <function multigammaln at 0x7fd3f8762a20>, <OpOverload(op='aten.special_zeta', overload='self_scalar_out')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.special_ndtr', overload='default')>: <function ndtr at 0x7fd3f8762de0>, <OpOverload(op='aten.special_ndtr', overload='out')>: <function ndtr at 0x7fd3f8762de0>, <OpOverload(op='aten.special_ndtri', overload='default')>: <function ndtri at 0x7fd3f87631a0>, <OpOverload(op='aten.special_ndtri', overload='out')>: <function ndtri at 0x7fd3f87631a0>, <OpOverload(op='aten.special_zeta', overload='out')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.special_spherical_bessel_j0', overload='default')>: <function spherical_bessel_j0 at 0x7fd3f87637e0>, <OpOverload(op='aten.special_spherical_bessel_j0', overload='out')>: <function spherical_bessel_j0 at 0x7fd3f87637e0>, <OpOverload(op='aten.special_zeta', overload='self_scalar')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.special_zeta', overload='default')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.repeat', overload='default')>: <function repeat at 0x7fd3f8a0ccc0>, <OpOverload(op='aten.repeat', overload='out')>: <function repeat at 0x7fd3f8a0ccc0>, <OpOverload(op='aten.roll', overload='default')>: <function roll at 0x7fd3f8a0d260>, <OpOverload(op='aten.roll', overload='out')>: <function roll at 0x7fd3f8a0d260>, <OpOverload(op='aten.index_fill_', overload='Dimname_Scalar')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.rot90', overload='default')>: <function rot90 at 0x7fd3f8a0d4e0>, <OpOverload(op='aten.rot90', overload='out')>: <function rot90 at 0x7fd3f8a0d4e0>, <OpOverload(op='aten.index_fill_', overload='int_Scalar')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.stack', overload='default')>: <function stack at 0x7fd3f8a0d800>, <OpOverload(op='aten.stack', overload='out')>: <function stack at 0x7fd3f8a0d800>, <OpOverload(op='aten.unbind', overload='int')>: <function unbind at 0x7fd3f8a0de40>, <OpOverload(op='aten.unbind', overload='Dimname')>: <function unbind at 0x7fd3f8a0de40>, <OpOverload(op='aten.index_fill_', overload='int_Tensor')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.index_fill', overload='int_Tensor')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill', overload='int_Scalar')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill_', overload='Dimname_Tensor')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.index_select', overload='default')>: <function index_select at 0x7fd3f8a0c540>, <OpOverload(op='aten.index_select', overload='out')>: <function index_select at 0x7fd3f8a0c540>, <OpOverload(op='aten.index_select', overload='dimname')>: <function index_select at 0x7fd3f8a0c540>, <OpOverload(op='aten.index_select', overload='dimname_out')>: <function index_select at 0x7fd3f8a0c540>, <OpOverload(op='aten.diag', overload='out')>: <function diag at 0x7fd3f8a0eb60>, <OpOverload(op='aten.split_with_sizes', overload='default')>: <function split_with_sizes at 0x7fd3f8a0c360>, <OpOverload(op='aten.diagonal_scatter', overload='out')>: <function diagonal_scatter at 0x7fd3f8a0ede0>, <OpOverload(op='aten.diagonal', overload='Dimname')>: <function diagonal at 0x7fd3f8a0ec00>, <OpOverload(op='aten.t', overload='default')>: <function t at 0x7fd3f8a0f600>, <OpOverload(op='aten.diag_embed', overload='default')>: <function diag_embed at 0x7fd3f8a0f100>, <OpOverload(op='aten.diag_embed', overload='out')>: <function diag_embed at 0x7fd3f8a0f100>, <OpOverload(op='aten.block_diag', overload='default')>: <function _block_diag_iterable at 0x7fd3f8a0f4c0>, <OpOverload(op='aten.block_diag', overload='out')>: <function _block_diag_iterable at 0x7fd3f8a0f4c0>, <OpOverload(op='aten.alias', overload='default')>: <function alias at 0x7fd3f8a0f7e0>, <OpOverload(op='aten.unfold', overload='default')>: <function unfold at 0x7fd3f8a0f9c0>, <OpOverload(op='aten.unfold_copy', overload='default')>: <function unfold_copy at 0x7fd3f8a0fe20>, <OpOverload(op='aten.unfold_copy', overload='out')>: <function unfold_copy at 0x7fd3f8a0fe20>, <OpOverload(op='aten.view', overload='default')>: <function view at 0x7fd3f8834220>, <OpOverload(op='aten.cumsum', overload='default')>: <function cumsum at 0x7fd3f8a0fec0>, <OpOverload(op='aten.cumsum', overload='dimname')>: <function cumsum at 0x7fd3f8a0fec0>, <OpOverload(op='aten.cumsum', overload='dimname_out')>: <function cumsum at 0x7fd3f8a0fec0>, <OpOverload(op='aten.cumsum', overload='out')>: <function cumsum at 0x7fd3f8a0fec0>, <OpOverload(op='aten.cumprod', overload='default')>: <function cumprod at 0x7fd3f8a0ff60>, <OpOverload(op='aten.cumprod', overload='dimname')>: <function cumprod at 0x7fd3f8a0ff60>, <OpOverload(op='aten.cumprod', overload='dimname_out')>: <function cumprod at 0x7fd3f8a0ff60>, <OpOverload(op='aten.cumprod', overload='out')>: <function cumprod at 0x7fd3f8a0ff60>, <OpOverload(op='aten.unsqueeze', overload='default')>: <function unsqueeze at 0x7fd3f88340e0>, <OpOverload(op='aten.logspace', overload='out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='default')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.ones', overload='default')>: <function ones at 0x7fd3f8834d60>, <OpOverload(op='aten.arange', overload='start_step')>: <function arange at 0x7fd3f8835760>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.arange', overload='start_out')>: <function arange at 0x7fd3f8835760>, <OpOverload(op='aten.lerp', overload='Scalar')>: <function lerp at 0x7fd3f8835b20>, <OpOverload(op='aten.lerp', overload='Tensor')>: <function lerp at 0x7fd3f8835b20>, <OpOverload(op='aten.lerp', overload='Scalar_out')>: <function lerp at 0x7fd3f8835b20>, <OpOverload(op='aten.lerp', overload='Tensor_out')>: <function lerp at 0x7fd3f8835b20>, <OpOverload(op='aten.linspace', overload='Tensor_Tensor')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Tensor_Scalar')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Scalar_Tensor')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='default')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='out')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Tensor_Tensor_out')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Tensor_Scalar_out')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Scalar_Tensor_out')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor_out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar_out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor_out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.meshgrid', overload='default')>: <function meshgrid at 0x7fd3f88356c0>, <OpOverload(op='aten.meshgrid', overload='indexing')>: <function meshgrid at 0x7fd3f88356c0>, <OpOverload(op='aten.eye', overload='default')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.eye', overload='m')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.eye', overload='out')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.eye', overload='m_out')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.randn', overload='default')>: <function randn at 0x7fd3f8836c00>, <OpOverload(op='aten.trace', overload='out')>: <function trace at 0x7fd3f8837740>, <OpOverload(op='aten.masked_fill', overload='Scalar')>: <function masked_fill at 0x7fd3f8836fc0>, <OpOverload(op='aten.masked_fill', overload='Tensor')>: <function masked_fill at 0x7fd3f8836fc0>, <OpOverload(op='aten.masked_fill', overload='Scalar_out')>: <function masked_fill at 0x7fd3f8836fc0>, <OpOverload(op='aten.masked_fill', overload='Tensor_out')>: <function masked_fill at 0x7fd3f8836fc0>, <OpOverload(op='aten.trace', overload='default')>: <function trace at 0x7fd3f8837740>, <OpOverload(op='aten.masked_fill_', overload='Scalar')>: <function masked_fill_ at 0x7fd3f8836de0>, <OpOverload(op='aten.masked_fill_', overload='Tensor')>: <function masked_fill_ at 0x7fd3f8836de0>, <OpOverload(op='aten.norm', overload='Scalar')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dim')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dim_dtype')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='dtype_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='Scalar_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_dtype_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.triu', overload='default')>: <function triu at 0x7fd3f88347c0>, <OpOverload(op='aten.triu', overload='out')>: <function triu at 0x7fd3f88347c0>, <OpOverload(op='aten.tril', overload='default')>: <function tril at 0x7fd3f88377e0>, <OpOverload(op='aten.tril', overload='out')>: <function tril at 0x7fd3f88377e0>, <OpOverload(op='aten.tril_indices', overload='out')>: <function tril_indices at 0x7fd3f8837ba0>, <OpOverload(op='aten.normal_', overload='default')>: <function normal_ at 0x7fd3f8869120>, <OpOverload(op='aten.triu_indices', overload='default')>: <function triu_indices at 0x7fd3f8837ec0>, <OpOverload(op='aten.triu_indices', overload='out')>: <function triu_indices at 0x7fd3f8837ec0>, <OpOverload(op='aten.bucketize', overload='Tensor')>: <function bucketize at 0x7fd3f8868180>, <OpOverload(op='aten.bucketize', overload='Scalar')>: <function bucketize at 0x7fd3f8868180>, <OpOverload(op='aten.bucketize', overload='Tensor_out')>: <function bucketize at 0x7fd3f8868180>, <OpOverload(op='aten.bucketize', overload='Scalar_out')>: <function bucketize at 0x7fd3f8868180>, <OpOverload(op='aten.cauchy', overload='default')>: <function cauchy at 0x7fd3f8868540>, <OpOverload(op='aten.cauchy', overload='out')>: <function cauchy at 0x7fd3f8868540>, <OpOverload(op='aten.exponential', overload='default')>: <function exponential at 0x7fd3f8868900>, <OpOverload(op='aten.exponential', overload='out')>: <function exponential at 0x7fd3f8868900>, <OpOverload(op='aten.geometric', overload='default')>: <function geometric at 0x7fd3f8868cc0>, <OpOverload(op='aten.geometric', overload='out')>: <function geometric at 0x7fd3f8868cc0>, <OpOverload(op='aten.log_normal', overload='default')>: <function log_normal at 0x7fd3f8869080>, <OpOverload(op='aten.log_normal', overload='out')>: <function log_normal at 0x7fd3f8869080>, <OpOverload(op='aten.rad2deg', overload='default')>: <function rad2deg at 0x7fd3f88693a0>, <OpOverload(op='aten.rad2deg', overload='out')>: <function rad2deg at 0x7fd3f88693a0>, <OpOverload(op='aten.deg2rad', overload='default')>: <function deg2rad at 0x7fd3f8869800>, <OpOverload(op='aten.deg2rad', overload='out')>: <function deg2rad at 0x7fd3f8869800>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList_out')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.count_nonzero', overload='default')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.count_nonzero', overload='out')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.dot', overload='default')>: <function dot at 0x7fd3f886a020>, <OpOverload(op='aten.dot', overload='out')>: <function dot at 0x7fd3f886a020>, <OpOverload(op='aten.bitwise_left_shift_', overload='Tensor')>: <function bitwise_left_shift at 0x7fd3f886b420>, <OpOverload(op='aten.vdot', overload='default')>: <function vdot at 0x7fd3f886a480>, <OpOverload(op='aten.vdot', overload='out')>: <function vdot at 0x7fd3f886a480>, <OpOverload(op='aten.select_scatter', overload='out')>: <function select_scatter at 0x7fd3f886a700>, <OpOverload(op='aten.bitwise_xor_', overload='Scalar')>: <function bitwise_xor at 0x7fd3f886b600>, <OpOverload(op='aten.abs_', overload='default')>: <function abs at 0x7fd3f8869b20>, <OpOverload(op='aten.bitwise_xor_', overload='Tensor')>: <function bitwise_xor at 0x7fd3f886b600>, <OpOverload(op='aten.acos_', overload='default')>: <function acos at 0x7fd3f886a520>, <OpOverload(op='aten.acosh_', overload='default')>: <function acosh at 0x7fd3f886a7a0>, <OpOverload(op='aten.add_', overload='Tensor')>: <function add at 0x7fd3f886a8e0>, <OpOverload(op='aten.add_', overload='Scalar')>: <function add at 0x7fd3f886a8e0>, <OpOverload(op='aten.addcmul_', overload='default')>: <function addcmul at 0x7fd3f886aa20>, <OpOverload(op='aten.bitwise_right_shift_', overload='Tensor')>: <function bitwise_right_shift at 0x7fd3f886b7e0>, <OpOverload(op='aten.addcdiv_', overload='default')>: <function addcdiv at 0x7fd3f886ab60>, <OpOverload(op='aten.bitwise_right_shift_', overload='Tensor_Scalar')>: <function bitwise_right_shift at 0x7fd3f886b7e0>, <OpOverload(op='aten.asin_', overload='default')>: <function asin at 0x7fd3f886aca0>, <OpOverload(op='aten.asinh_', overload='default')>: <function asinh at 0x7fd3f886ade0>, <OpOverload(op='aten.gt_', overload='Scalar')>: <function gt at 0x7fd3f886bba0>, <OpOverload(op='aten.atan_', overload='default')>: <function atan at 0x7fd3f886af20>, <OpOverload(op='aten.atanh_', overload='default')>: <function atanh at 0x7fd3f886b060>, <OpOverload(op='aten.bitwise_or_', overload='Scalar')>: <function bitwise_or at 0x7fd3f886b6a0>, <OpOverload(op='aten.atan2_', overload='default')>: <function atan2 at 0x7fd3f886b1a0>, <OpOverload(op='aten.bitwise_and_', overload='Tensor')>: <function bitwise_and at 0x7fd3f886b2e0>, <OpOverload(op='aten.bitwise_or_', overload='Tensor')>: <function bitwise_or at 0x7fd3f886b6a0>, <OpOverload(op='aten.bitwise_and_', overload='Scalar')>: <function bitwise_and at 0x7fd3f886b2e0>, <OpOverload(op='aten.bitwise_not_', overload='default')>: <function bitwise_not at 0x7fd3f886b560>, <OpOverload(op='aten.bitwise_left_shift_', overload='Tensor_Scalar')>: <function bitwise_left_shift at 0x7fd3f886b420>, <OpOverload(op='aten.ceil_', overload='default')>: <function ceil at 0x7fd3f886b380>, <OpOverload(op='aten.ge_', overload='Tensor')>: <function ge at 0x7fd3f886bce0>, <OpOverload(op='aten.clamp_', overload='default')>: <function clamp at 0x7fd3f886b100>, <OpOverload(op='aten.clamp_', overload='Tensor')>: <function clamp at 0x7fd3f886b100>, <OpOverload(op='aten.clamp_min_', overload='default')>: <function clamp_min at 0x7fd3f886ae80>, <OpOverload(op='aten.clamp_min_', overload='Tensor')>: <function clamp_min at 0x7fd3f886ae80>, <OpOverload(op='aten.ge_', overload='Scalar')>: <function ge at 0x7fd3f886bce0>, <OpOverload(op='aten.clamp_max_', overload='default')>: <function clamp_max at 0x7fd3f886ac00>, <OpOverload(op='aten.clamp_max_', overload='Tensor')>: <function clamp_max at 0x7fd3f886ac00>, <OpOverload(op='aten.conj_physical_', overload='default')>: <function conj_physical at 0x7fd3f886a980>, <OpOverload(op='aten.copysign_', overload='Tensor')>: <function copysign at 0x7fd3f886a660>, <OpOverload(op='aten.copysign_', overload='Scalar')>: <function copysign at 0x7fd3f886a660>, <OpOverload(op='aten.cos_', overload='default')>: <function cos at 0x7fd3f8869f80>, <OpOverload(op='aten.gcd_', overload='default')>: <function gcd at 0x7fd3f886bf60>, <OpOverload(op='aten.cosh_', overload='default')>: <function cosh at 0x7fd3f88698a0>, <OpOverload(op='aten.cumsum_', overload='default')>: <function cumsum at 0x7fd3f886b880>, <OpOverload(op='aten.cumsum_', overload='dimname')>: <function cumsum at 0x7fd3f886b880>, <OpOverload(op='aten.square_', overload='default')>: <function square at 0x7fd3f8892020>, <OpOverload(op='aten.cumprod_', overload='default')>: <function cumprod at 0x7fd3f886b9c0>, <OpOverload(op='aten.cumprod_', overload='dimname')>: <function cumprod at 0x7fd3f886b9c0>, <OpOverload(op='aten.deg2rad_', overload='default')>: <function deg2rad at 0x7fd3f886bb00>, <OpOverload(op='aten.digamma_', overload='default')>: <function digamma at 0x7fd3f886bc40>, <OpOverload(op='aten.div_', overload='Tensor')>: <function div at 0x7fd3f886bd80>, <OpOverload(op='aten.div_', overload='Tensor_mode')>: <function div at 0x7fd3f886bd80>, <OpOverload(op='aten.div_', overload='Scalar')>: <function div at 0x7fd3f886bd80>, <OpOverload(op='aten.div_', overload='Scalar_mode')>: <function div at 0x7fd3f886bd80>, <OpOverload(op='aten.frac_', overload='default')>: <function frac at 0x7fd3f8890cc0>, <OpOverload(op='aten.eq_', overload='Scalar')>: <function eq at 0x7fd3f886bec0>, <OpOverload(op='aten.eq_', overload='Tensor')>: <function eq at 0x7fd3f886bec0>, <OpOverload(op='aten.erf_', overload='default')>: <function erf at 0x7fd3f8890040>, <OpOverload(op='aten.erfc_', overload='default')>: <function erfc at 0x7fd3f8890180>, <OpOverload(op='aten.erfinv_', overload='default')>: <function erfinv at 0x7fd3f88902c0>, <OpOverload(op='aten.exp_', overload='default')>: <function exp at 0x7fd3f8890400>, <OpOverload(op='aten.hypot_', overload='default')>: <function hypot at 0x7fd3f88699e0>, <OpOverload(op='aten.exp2_', overload='default')>: <function exp2 at 0x7fd3f8890540>, <OpOverload(op='aten.expm1_', overload='default')>: <function expm1 at 0x7fd3f8890680>, <OpOverload(op='aten.float_power_', overload='Tensor')>: <function float_power at 0x7fd3f88907c0>, <OpOverload(op='aten.float_power_', overload='Scalar')>: <function float_power at 0x7fd3f88907c0>, <OpOverload(op='aten.heaviside_', overload='default')>: <function heaviside at 0x7fd3f886b920>, <OpOverload(op='aten.floor_', overload='default')>: <function floor at 0x7fd3f8890900>, <OpOverload(op='aten.gt_', overload='Tensor')>: <function gt at 0x7fd3f886bba0>, <OpOverload(op='aten.floor_divide_', overload='Scalar')>: <function floor_divide at 0x7fd3f8890a40>, <OpOverload(op='aten.floor_divide_', overload='Tensor')>: <function floor_divide at 0x7fd3f8890a40>, <OpOverload(op='aten.sqrt_', overload='default')>: <function sqrt at 0x7fd3f88922a0>, <OpOverload(op='aten.fmod_', overload='Tensor')>: <function fmod at 0x7fd3f8890b80>, <OpOverload(op='aten.fmod_', overload='Scalar')>: <function fmod at 0x7fd3f8890b80>, <OpOverload(op='aten.igamma_', overload='default')>: <function igamma at 0x7fd3f886a840>, <OpOverload(op='aten.igammac_', overload='default')>: <function igammac at 0x7fd3f886ad40>, <OpOverload(op='aten.sinh_', overload='default')>: <function sinh at 0x7fd3f8892520>, <OpOverload(op='aten.i0_', overload='default')>: <function i0 at 0x7fd3f886b240>, <OpOverload(op='aten.lcm_', overload='default')>: <function lcm at 0x7fd3f886b740>, <OpOverload(op='aten.le_', overload='Scalar')>: <function le at 0x7fd3f8890ea0>, <OpOverload(op='aten.le_', overload='Tensor')>: <function le at 0x7fd3f8890ea0>, <OpOverload(op='aten.sinc_', overload='default')>: <function sinc at 0x7fd3f8892480>, <OpOverload(op='aten.lerp_', overload='Scalar')>: <function lerp at 0x7fd3f8890c20>, <OpOverload(op='aten.lerp_', overload='Tensor')>: <function lerp at 0x7fd3f8890c20>, <OpOverload(op='aten.lgamma_', overload='default')>: <function lgamma at 0x7fd3f88909a0>, <OpOverload(op='aten.log10_', overload='default')>: <function log10 at 0x7fd3f8890720>, <OpOverload(op='aten.log1p_', overload='default')>: <function log1p at 0x7fd3f88904a0>, <OpOverload(op='aten.sin_', overload='default')>: <function sin at 0x7fd3f886be20>, <OpOverload(op='aten.log2_', overload='default')>: <function log2 at 0x7fd3f8890220>, <OpOverload(op='aten.log_', overload='default')>: <function log at 0x7fd3f8890f40>, <OpOverload(op='aten.logical_and_', overload='default')>: <function logical_and at 0x7fd3f8891080>, <OpOverload(op='aten.sign_', overload='default')>: <function sign at 0x7fd3f8868fe0>, <OpOverload(op='aten.logical_not_', overload='default')>: <function logical_not at 0x7fd3f88911c0>, <OpOverload(op='aten.logical_or_', overload='default')>: <function logical_or at 0x7fd3f8891300>, <OpOverload(op='aten.logical_xor_', overload='default')>: <function logical_xor at 0x7fd3f8891440>, <OpOverload(op='aten.lt_', overload='Scalar')>: <function lt at 0x7fd3f8891580>, <OpOverload(op='aten.lt_', overload='Tensor')>: <function lt at 0x7fd3f8891580>, <OpOverload(op='aten.sigmoid_', overload='default')>: <function sigmoid at 0x7fd3f886aac0>, <OpOverload(op='aten.mul_', overload='Tensor')>: <function mul at 0x7fd3f88916c0>, <OpOverload(op='aten.mul_', overload='Scalar')>: <function mul at 0x7fd3f88916c0>, <OpOverload(op='aten.narrow_copy', overload='default')>: <function PyCapsule.narrow at 0x7fd3f886ba60>, <OpOverload(op='aten.mvlgamma_', overload='default')>: <function _make_alias.<locals>._fn at 0x7fd3f8891800>, <OpOverload(op='aten.nan_to_num_', overload='default')>: <function nan_to_num at 0x7fd3f8891940>, <OpOverload(op='aten.sgn_', overload='default')>: <function sgn at 0x7fd3f886afc0>, <OpOverload(op='aten.ne_', overload='Scalar')>: <function ne at 0x7fd3f8891a80>, <OpOverload(op='aten.ne_', overload='Tensor')>: <function ne at 0x7fd3f8891a80>, <OpOverload(op='aten.neg_', overload='default')>: <function neg at 0x7fd3f8891bc0>, <OpOverload(op='aten.nextafter_', overload='default')>: <function nextafter at 0x7fd3f8891d00>, <OpOverload(op='aten.rsqrt_', overload='default')>: <function rsqrt at 0x7fd3f886b4c0>, <OpOverload(op='aten.pow_', overload='Scalar')>: <function pow at 0x7fd3f8891e40>, <OpOverload(op='aten.pow_', overload='Tensor')>: <function pow at 0x7fd3f8891e40>, <OpOverload(op='aten.rad2deg_', overload='default')>: <function rad2deg at 0x7fd3f8891f80>, <OpOverload(op='aten.remainder_', overload='Scalar')>: <function remainder at 0x7fd3f8892200>, <OpOverload(op='aten.reciprocal_', overload='default')>: <function reciprocal at 0x7fd3f88920c0>, <OpOverload(op='aten.narrow_copy', overload='out')>: <function PyCapsule.narrow at 0x7fd3f886ba60>, <OpOverload(op='aten.remainder_', overload='Tensor')>: <function remainder at 0x7fd3f8892200>, <OpOverload(op='aten.sub_', overload='Tensor')>: <function sub at 0x7fd3f8891da0>, <OpOverload(op='aten.sub_', overload='Scalar')>: <function sub at 0x7fd3f8891da0>, <OpOverload(op='aten.squeeze_copy', overload='dim_out')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.tan_', overload='default')>: <function tan at 0x7fd3f8891b20>, <OpOverload(op='aten.tanh_', overload='default')>: <function tanh at 0x7fd3f88918a0>, <OpOverload(op='aten.squeeze_copy', overload='out')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.tril_', overload='default')>: <function tril at 0x7fd3f8891620>, <OpOverload(op='aten.triu_', overload='default')>: <function triu at 0x7fd3f88913a0>, <OpOverload(op='aten.squeeze_copy', overload='dims')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.true_divide_', overload='Tensor')>: <function true_divide at 0x7fd3f8891120>, <OpOverload(op='aten.true_divide_', overload='Scalar')>: <function true_divide at 0x7fd3f8891120>, <OpOverload(op='aten.squeeze_copy', overload='dim')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.trunc_', overload='default')>: <function trunc at 0x7fd3f88900e0>, <OpOverload(op='aten.xlogy_', overload='Tensor')>: <function xlogy at 0x7fd3f88905e0>, <OpOverload(op='aten.xlogy_', overload='Scalar_Other')>: <function xlogy at 0x7fd3f88905e0>, <OpOverload(op='aten.squeeze_copy', overload='default')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.cauchy_', overload='default')>: <function cauchy at 0x7fd3f8890ae0>, <OpOverload(op='aten.exponential_', overload='default')>: <function exponential at 0x7fd3f8890e00>, <OpOverload(op='aten.geometric_', overload='default')>: <function geometric at 0x7fd3f8892700>, <OpOverload(op='aten.log_normal_', overload='default')>: <function log_normal at 0x7fd3f8892840>, <OpOverload(op='aten.zero_', overload='default')>: <function zero at 0x7fd3f8892980>, <OpOverload(op='aten.alias_copy', overload='default')>: <function PyCapsule.alias at 0x7fd3f8892c00>, <OpOverload(op='aten.alias_copy', overload='out')>: <function PyCapsule.alias at 0x7fd3f8892c00>, <OpOverload(op='aten.as_strided_copy', overload='default')>: <function PyCapsule.as_strided at 0x7fd3f8892e80>, <OpOverload(op='aten.as_strided_copy', overload='out')>: <function PyCapsule.as_strided at 0x7fd3f8892e80>, <OpOverload(op='aten.diagonal_copy', overload='default')>: <function PyCapsule.diagonal at 0x7fd3f8893100>, <OpOverload(op='aten.diagonal_copy', overload='out')>: <function PyCapsule.diagonal at 0x7fd3f8893100>, <OpOverload(op='aten.expand_copy', overload='default')>: <function PyCapsule.expand at 0x7fd3f8893380>, <OpOverload(op='aten.expand_copy', overload='out')>: <function PyCapsule.expand at 0x7fd3f8893380>, <OpOverload(op='aten.squeeze_copy', overload='dims_out')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.permute_copy', overload='default')>: <function PyCapsule.permute at 0x7fd3f8892f20>, <OpOverload(op='aten.permute_copy', overload='out')>: <function PyCapsule.permute at 0x7fd3f8892f20>, <OpOverload(op='aten.t_copy', overload='default')>: <function PyCapsule.t at 0x7fd3f88928e0>, <OpOverload(op='aten.t_copy', overload='out')>: <function PyCapsule.t at 0x7fd3f88928e0>, <OpOverload(op='aten.transpose_copy', overload='int')>: <function PyCapsule.transpose at 0x7fd3f8890860>, <OpOverload(op='aten.transpose_copy', overload='int_out')>: <function PyCapsule.transpose at 0x7fd3f8890860>, <OpOverload(op='aten.unbind_copy', overload='int')>: <function PyCapsule.unbind at 0x7fd3f88914e0>, <OpOverload(op='aten.unbind_copy', overload='int_out')>: <function PyCapsule.unbind at 0x7fd3f88914e0>, <OpOverload(op='aten.unsqueeze_copy', overload='default')>: <function PyCapsule.unsqueeze at 0x7fd3f8891ee0>, <OpOverload(op='aten.unsqueeze_copy', overload='out')>: <function PyCapsule.unsqueeze at 0x7fd3f8891ee0>, <OpOverload(op='aten.view_copy', overload='default')>: <function PyCapsule.view at 0x7fd3f8892340>, <OpOverload(op='aten.view_copy', overload='dtype')>: <function PyCapsule.view at 0x7fd3f8892340>, <OpOverload(op='aten.view_copy', overload='out')>: <function PyCapsule.view at 0x7fd3f8892340>, <OpOverload(op='aten.view_copy', overload='dtype_out')>: <function PyCapsule.view at 0x7fd3f8892340>, <OpOverload(op='aten.complex', overload='default')>: <function complex at 0x7fd3f88cccc0>, <OpOverload(op='aten.complex', overload='out')>: <function complex at 0x7fd3f88cccc0>, <OpOverload(op='aten.polar', overload='default')>: <function polar at 0x7fd3f88ccf40>, <OpOverload(op='aten.polar', overload='out')>: <function polar at 0x7fd3f88ccf40>, <OpOverload(op='aten.fft_rfftn', overload='out')>: <function rfftn at 0x7fd3f88cede0>, <OpOverload(op='aten.fft_fft', overload='default')>: <function fft at 0x7fd3f88cd3a0>, <OpOverload(op='aten.fft_fft', overload='out')>: <function fft at 0x7fd3f88cd3a0>, <OpOverload(op='aten.fft_rfftn', overload='default')>: <function rfftn at 0x7fd3f88cede0>, <OpOverload(op='aten.fft_ifft', overload='default')>: <function ifft at 0x7fd3f88cd620>, <OpOverload(op='aten.fft_ifft', overload='out')>: <function ifft at 0x7fd3f88cd620>, <OpOverload(op='aten.fft_rfft', overload='default')>: <function rfft at 0x7fd3f88cd8a0>, <OpOverload(op='aten.fft_rfft', overload='out')>: <function rfft at 0x7fd3f88cd8a0>, <OpOverload(op='aten.fft_irfft', overload='default')>: <function irfft at 0x7fd3f88cdb20>, <OpOverload(op='aten.fft_irfft', overload='out')>: <function irfft at 0x7fd3f88cdb20>, <OpOverload(op='aten.fft_hfft', overload='default')>: <function hfft at 0x7fd3f88cdda0>, <OpOverload(op='aten.fft_hfft', overload='out')>: <function hfft at 0x7fd3f88cdda0>, <OpOverload(op='aten.fft_ihfft', overload='default')>: <function ihfft at 0x7fd3f88ce020>, <OpOverload(op='aten.fft_ihfft', overload='out')>: <function ihfft at 0x7fd3f88ce020>, <OpOverload(op='aten.fft_fftn', overload='default')>: <function fftn at 0x7fd3f88ce8e0>, <OpOverload(op='aten.fft_fftn', overload='out')>: <function fftn at 0x7fd3f88ce8e0>, <OpOverload(op='aten.fft_ifftn', overload='default')>: <function ifftn at 0x7fd3f88ceb60>, <OpOverload(op='aten.fft_ifftn', overload='out')>: <function ifftn at 0x7fd3f88ceb60>, <OpOverload(op='aten.fft_ihfftn', overload='default')>: <function ihfftn at 0x7fd3f88cdf80>, <OpOverload(op='aten.fft_ihfftn', overload='out')>: <function ihfftn at 0x7fd3f88cdf80>, <OpOverload(op='aten.fft_irfftn', overload='default')>: <function irfftn at 0x7fd3f88cf1a0>, <OpOverload(op='aten.fft_irfftn', overload='out')>: <function irfftn at 0x7fd3f88cf1a0>, <OpOverload(op='aten.fft_hfftn', overload='default')>: <function hfftn at 0x7fd3f88cf420>, <OpOverload(op='aten.fft_hfftn', overload='out')>: <function hfftn at 0x7fd3f88cf420>, <OpOverload(op='aten.fft_fft2', overload='default')>: <function fft2 at 0x7fd3f88cf6a0>, <OpOverload(op='aten.fft_fft2', overload='out')>: <function fft2 at 0x7fd3f88cf6a0>, <OpOverload(op='aten.fft_ifft2', overload='default')>: <function ifft2 at 0x7fd3f88cf920>, <OpOverload(op='aten.fft_ifft2', overload='out')>: <function ifft2 at 0x7fd3f88cf920>, <OpOverload(op='aten.fft_rfft2', overload='default')>: <function rfft2 at 0x7fd3f88cfba0>, <OpOverload(op='aten.fft_rfft2', overload='out')>: <function rfft2 at 0x7fd3f88cfba0>, <OpOverload(op='aten.fft_irfft2', overload='default')>: <function irfft2 at 0x7fd3f88cfe20>, <OpOverload(op='aten.fft_irfft2', overload='out')>: <function irfft2 at 0x7fd3f88cfe20>, <OpOverload(op='aten.fft_hfft2', overload='default')>: <function hfft2 at 0x7fd3f89000e0>, <OpOverload(op='aten.fft_hfft2', overload='out')>: <function hfft2 at 0x7fd3f89000e0>, <OpOverload(op='aten.fft_ihfft2', overload='default')>: <function ihfft2 at 0x7fd3f8900360>, <OpOverload(op='aten.fft_ihfft2', overload='out')>: <function ihfft2 at 0x7fd3f8900360>, <OpOverload(op='aten.linalg_cross', overload='out')>: <function cross at 0x7fd3f88cf880>, <OpOverload(op='aten.fft_fftshift', overload='default')>: <function fftshift at 0x7fd3f8900400>, <OpOverload(op='aten.linalg_cross', overload='default')>: <function cross at 0x7fd3f88cf880>, <OpOverload(op='aten.fft_ifftshift', overload='default')>: <function ifftshift at 0x7fd3f89004a0>, <OpOverload(op='aten.linalg_vector_norm', overload='default')>: <function vector_norm at 0x7fd3f8900680>, <OpOverload(op='aten.linalg_vector_norm', overload='out')>: <function vector_norm at 0x7fd3f8900680>, <OpOverload(op='aten.flip', overload='default')>: <function flip at 0x7fd3f89e7ce0>, <OpOverload(op='aten.is_complex', overload='default')>: <function is_complex at 0x7fd3f894c720>, <OpOverload(op='aten.erfinv', overload='default')>: <function erfinv at 0x7fd3f894e160>, <OpOverload(op='aten.erfinv', overload='out')>: <function erfinv at 0x7fd3f894e160>, <OpOverload(op='aten.zero', overload='default')>: <function zero at 0x7fd3f894fba0>, <OpOverload(op='aten.zero', overload='out')>: <function zero at 0x7fd3f894fba0>, <OpOverload(op='aten.frac', overload='default')>: <function frac at 0x7fd3f895c5e0>, <OpOverload(op='aten.frac', overload='out')>: <function frac at 0x7fd3f895c5e0>, <OpOverload(op='aten.isinf', overload='default')>: <function isinf at 0x7fd3f894f100>, <OpOverload(op='aten.isinf', overload='out')>: <function isinf at 0x7fd3f894f100>, <OpOverload(op='aten.isposinf', overload='default')>: <function isposinf at 0x7fd3f895cea0>, <OpOverload(op='aten.isposinf', overload='out')>: <function isposinf at 0x7fd3f895cea0>, <OpOverload(op='aten.isneginf', overload='default')>: <function isneginf at 0x7fd3f895d3a0>, <OpOverload(op='aten.isneginf', overload='out')>: <function isneginf at 0x7fd3f895d3a0>, <OpOverload(op='aten.isnan', overload='default')>: <function isnan at 0x7fd3f895d8a0>, <OpOverload(op='aten.isnan', overload='out')>: <function isnan at 0x7fd3f895d8a0>, <OpOverload(op='aten.i0', overload='default')>: <function i0 at 0x7fd3f895e2a0>, <OpOverload(op='aten.i0', overload='out')>: <function i0 at 0x7fd3f895e2a0>, <OpOverload(op='aten.logsumexp', overload='default')>: <function logsumexp at 0x7fd3f895d940>, <OpOverload(op='aten.logsumexp', overload='names')>: <function logsumexp at 0x7fd3f895d940>, <OpOverload(op='aten.logsumexp', overload='names_out')>: <function logsumexp at 0x7fd3f895d940>, <OpOverload(op='aten.logsumexp', overload='out')>: <function logsumexp at 0x7fd3f895d940>, <OpOverload(op='aten.nan_to_num', overload='default')>: <function nan_to_num at 0x7fd3f895fd80>, <OpOverload(op='aten.nan_to_num', overload='out')>: <function nan_to_num at 0x7fd3f895fd80>, <OpOverload(op='aten.sigmoid', overload='default')>: <function sigmoid at 0x7fd3f8979760>, <OpOverload(op='aten.sigmoid', overload='out')>: <function sigmoid at 0x7fd3f8979760>, <OpOverload(op='aten.sgn', overload='default')>: <function sgn at 0x7fd3f8979c60>, <OpOverload(op='aten.sgn', overload='out')>: <function sgn at 0x7fd3f8979c60>, <OpOverload(op='aten.sinc', overload='default')>: <function sinc at 0x7fd3f8979800>, <OpOverload(op='aten.sinc', overload='out')>: <function sinc at 0x7fd3f8979800>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor')>: <function bitwise_left_shift at 0x7fd3f8989940>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_Scalar')>: <function bitwise_left_shift at 0x7fd3f8989940>, <OpOverload(op='aten.bitwise_left_shift', overload='Scalar_Tensor')>: <function bitwise_left_shift at 0x7fd3f8989940>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_out')>: <function bitwise_left_shift at 0x7fd3f8989940>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_Scalar_out')>: <function bitwise_left_shift at 0x7fd3f8989940>, <OpOverload(op='aten.bitwise_left_shift', overload='Scalar_Tensor_out')>: <function bitwise_left_shift at 0x7fd3f8989940>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor')>: <function bitwise_right_shift at 0x7fd3f89887c0>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_Scalar')>: <function bitwise_right_shift at 0x7fd3f89887c0>, <OpOverload(op='aten.bitwise_right_shift', overload='Scalar_Tensor')>: <function bitwise_right_shift at 0x7fd3f89887c0>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_out')>: <function bitwise_right_shift at 0x7fd3f89887c0>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_Scalar_out')>: <function bitwise_right_shift at 0x7fd3f89887c0>, <OpOverload(op='aten.bitwise_right_shift', overload='Scalar_Tensor_out')>: <function bitwise_right_shift at 0x7fd3f89887c0>, <OpOverload(op='aten.copysign', overload='Tensor')>: <function copysign at 0x7fd3f898a480>, <OpOverload(op='aten.copysign', overload='Scalar')>: <function copysign at 0x7fd3f898a480>, <OpOverload(op='aten.copysign', overload='out')>: <function copysign at 0x7fd3f898a480>, <OpOverload(op='aten.copysign', overload='Scalar_out')>: <function copysign at 0x7fd3f898a480>, <OpOverload(op='aten.mean', overload='default')>: <function mean at 0x7fd3f89e58a0>, <OpOverload(op='aten.heaviside', overload='default')>: <function heaviside at 0x7fd3f89a96c0>, <OpOverload(op='aten.heaviside', overload='out')>: <function heaviside at 0x7fd3f89a96c0>, <OpOverload(op='aten.logaddexp', overload='out')>: <function logaddexp at 0x7fd3f89ab240>, <OpOverload(op='aten.logaddexp', overload='default')>: <function logaddexp at 0x7fd3f89ab240>, <OpOverload(op='aten.lcm', overload='default')>: <function lcm at 0x7fd3f89aa980>, <OpOverload(op='aten.lcm', overload='out')>: <function lcm at 0x7fd3f89aa980>, <OpOverload(op='aten.logaddexp2', overload='default')>: <function logaddexp2 at 0x7fd3f89a9bc0>, <OpOverload(op='aten.logaddexp2', overload='out')>: <function logaddexp2 at 0x7fd3f89a9bc0>, <OpOverload(op='aten.logical_and', overload='default')>: <function logical_and at 0x7fd3f89ab420>, <OpOverload(op='aten.logical_and', overload='out')>: <function logical_and at 0x7fd3f89ab420>, <OpOverload(op='aten.logical_not', overload='default')>: <function logical_not at 0x7fd3f89ab920>, <OpOverload(op='aten.logical_not', overload='out')>: <function logical_not at 0x7fd3f89ab920>, <OpOverload(op='aten.logical_or', overload='default')>: <function logical_or at 0x7fd3f89abd80>, <OpOverload(op='aten.logical_or', overload='out')>: <function logical_or at 0x7fd3f89abd80>, <OpOverload(op='aten.logical_xor', overload='default')>: <function logical_xor at 0x7fd3f89c4220>, <OpOverload(op='aten.logical_xor', overload='out')>: <function logical_xor at 0x7fd3f89c4220>, <OpOverload(op='aten.clamp_max', overload='Tensor')>: <function clamp_max at 0x7fd3f89a9760>, <OpOverload(op='aten.clamp_max', overload='default')>: <function clamp_max at 0x7fd3f89a9760>, <OpOverload(op='aten.rsub', overload='Tensor')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.rsub', overload='Scalar')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.rsub', overload='Tensor_out')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.rsub', overload='Scalar_out')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.xlogy', overload='Tensor')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.xlogy', overload='Scalar_Other')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.xlogy', overload='Scalar_Self')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.xlogy', overload='OutTensor')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.xlogy', overload='OutScalar_Self')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.xlogy', overload='OutScalar_Other')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.addcdiv', overload='default')>: <function addcdiv at 0x7fd3f89c6fc0>, <OpOverload(op='aten.addcdiv', overload='out')>: <function addcdiv at 0x7fd3f89c6fc0>, <OpOverload(op='aten.addcmul', overload='default')>: <function addcmul at 0x7fd3f89c7380>, <OpOverload(op='aten.addcmul', overload='out')>: <function addcmul at 0x7fd3f89c7380>, <OpOverload(op='aten.clamp', overload='default')>: <function clamp at 0x7fd3f89c7740>, <OpOverload(op='aten.clamp', overload='Tensor')>: <function clamp at 0x7fd3f89c7740>, <OpOverload(op='aten.clamp', overload='out')>: <function clamp at 0x7fd3f89c7740>, <OpOverload(op='aten.clamp', overload='Tensor_out')>: <function clamp at 0x7fd3f89c7740>, <OpOverload(op='aten.clamp_min', overload='default')>: <function clamp_min at 0x7fd3f89c79c0>, <OpOverload(op='aten.clamp_min', overload='Tensor')>: <function clamp_min at 0x7fd3f89c79c0>, <OpOverload(op='aten.clamp_min', overload='out')>: <function clamp_min at 0x7fd3f89c79c0>, <OpOverload(op='aten.clamp_min', overload='Tensor_out')>: <function clamp_min at 0x7fd3f89c79c0>, <OpOverload(op='aten.clamp_max', overload='out')>: <function clamp_max at 0x7fd3f89a9760>, <OpOverload(op='aten.clamp_max', overload='Tensor_out')>: <function clamp_max at 0x7fd3f89a9760>, <OpOverload(op='aten.all', overload='default')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='dim')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='dims')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='out')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='dims_out')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='all_out')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='dimname')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='dimname_out')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.mean', overload='names_out')>: <function mean at 0x7fd3f89e58a0>, <OpOverload(op='aten.any', overload='default')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='dim')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='dims')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='out')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='dims_out')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='all_out')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='dimname')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='dimname_out')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.mean', overload='dtype_out')>: <function mean at 0x7fd3f89e58a0>, <OpOverload(op='aten.mean', overload='out')>: <function mean at 0x7fd3f89e58a0>, <OpOverload(op='aten.mean', overload='names_dim')>: <function mean at 0x7fd3f89e58a0>, <OpOverload(op='aten.mean', overload='dim')>: <function mean at 0x7fd3f89e58a0>, <OpOverload(op='aten.std', overload='default')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='dim')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='correction')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='names_dim')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='names_out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='correction_out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='correction_names')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='correction_names_out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.flip', overload='out')>: <function flip at 0x7fd3f89e7ce0>, <OpOverload(op='aten.std_mean', overload='default')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.std_mean', overload='dim')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.std_mean', overload='correction')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.std_mean', overload='names_dim')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.std_mean', overload='correction_names')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.std_mean', overload='correction_out')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.var_mean', overload='default')>: <function var_mean at 0x7fd3f89e5ee0>, <OpOverload(op='aten.var_mean', overload='dim')>: <function var_mean at 0x7fd3f89e5ee0>, <OpOverload(op='aten.var_mean', overload='correction')>: <function var_mean at 0x7fd3f89e5ee0>, <OpOverload(op='aten.var_mean', overload='names_dim')>: <function var_mean at 0x7fd3f89e5ee0>, <OpOverload(op='aten.var_mean', overload='correction_names')>: <function var_mean at 0x7fd3f89e5ee0>, <OpOverload(op='aten.var_mean', overload='correction_out')>: <function var_mean at 0x7fd3f89e5ee0>, <OpOverload(op='aten.addr', overload='default')>: <function addr at 0x7fd3f89e63e0>, <OpOverload(op='aten.addr', overload='out')>: <function addr at 0x7fd3f89e63e0>, <OpOverload(op='aten.constant_pad_nd', overload='default')>: <function constant_pad_nd at 0x7fd3f89e74c0>, <OpOverload(op='aten.constant_pad_nd', overload='out')>: <function constant_pad_nd at 0x7fd3f89e74c0>, <OpOverload(op='aten.expand', overload='default')>: <function expand at 0x7fd3f89e76a0>, <OpOverload(op='aten.native_group_norm', overload='default')>: <function native_group_norm at 0x7fd3f89e6f20>, <OpOverload(op='aten.native_layer_norm', overload='default')>: <function native_layer_norm at 0x7fd3f89e6020>, <OpOverload(op='aten.native_layer_norm', overload='out')>: <function native_layer_norm at 0x7fd3f89e6020>, <OpOverload(op='aten.index_fill', overload='int_Scalar_out')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill', overload='int_Tensor_out')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.permute', overload='default')>: <function permute at 0x7fd3f8a0c400>, <OpOverload(op='aten.renorm', overload='default')>: <function renorm at 0x7fd3f8a0c7c0>, <OpOverload(op='aten.renorm', overload='out')>: <function renorm at 0x7fd3f8a0c7c0>, <OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.binary_cross_entropy', overload='default')>: <function binary_cross_entropy at 0x7fd3f8c09300>, <OpOverload(op='aten.binary_cross_entropy', overload='out')>: <function binary_cross_entropy at 0x7fd3f8c09300>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='default')>: <function binary_cross_entropy_backward at 0x7fd3f8c093a0>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='grad_input')>: <function binary_cross_entropy_backward at 0x7fd3f8c093a0>, <OpOverload(op='aten.soft_margin_loss', overload='default')>: <function soft_margin_loss at 0x7fd3f8c099e0>, <OpOverload(op='aten.soft_margin_loss', overload='out')>: <function soft_margin_loss at 0x7fd3f8c099e0>, <OpOverload(op='aten.soft_margin_loss_backward', overload='default')>: <function soft_margin_loss_backward at 0x7fd3f8c09a80>, <OpOverload(op='aten.soft_margin_loss_backward', overload='grad_input')>: <function soft_margin_loss_backward at 0x7fd3f8c09a80>, <OpOverload(op='aten.dist', overload='default')>: <function dist at 0x7fd3f8c0a020>, <OpOverload(op='aten.dist', overload='out')>: <function dist at 0x7fd3f8c0a020>, <OpOverload(op='aten._euclidean_dist', overload='default')>: <function _euclidean_dist at 0x7fd3f8c0a2a0>, <OpOverload(op='aten._euclidean_dist', overload='out')>: <function _euclidean_dist at 0x7fd3f8c0a2a0>, <OpOverload(op='aten.slice_backward', overload='out')>: <function slice_backward at 0x7fd3f8c0a520>, <OpOverload(op='aten.diagonal_backward', overload='default')>: <function diagonal_backward at 0x7fd3f8c0a660>, <OpOverload(op='aten.diagonal_backward', overload='out')>: <function diagonal_backward at 0x7fd3f8c0a660>, <OpOverload(op='aten._softmax_backward_data', overload='default')>: <function _softmax_backward_data at 0x7fd3f8c0a200>, <OpOverload(op='aten._softmax_backward_data', overload='out')>: <function _softmax_backward_data at 0x7fd3f8c0a200>, <OpOverload(op='aten._log_softmax_backward_data', overload='default')>: <function _log_softmax_backward_data at 0x7fd3f8c0ade0>, <OpOverload(op='aten._log_softmax_backward_data', overload='out')>: <function _log_softmax_backward_data at 0x7fd3f8c0ade0>, <OpOverload(op='aten._log_softmax', overload='out')>: <function _log_softmax at 0x7fd3f8a449a0>, <OpOverload(op='aten.im2col', overload='default')>: <function im2col at 0x7fd3f8c0b100>, <OpOverload(op='aten.im2col', overload='out')>: <function im2col at 0x7fd3f8c0b100>, <OpOverload(op='aten._log_softmax', overload='default')>: <function _log_softmax at 0x7fd3f8a449a0>, <OpOverload(op='aten.col2im', overload='default')>: <function col2im at 0x7fd3f8c0b4c0>, <OpOverload(op='aten.col2im', overload='out')>: <function col2im at 0x7fd3f8c0b4c0>, <OpOverload(op='aten.native_dropout_backward', overload='default')>: <function native_dropout_backward at 0x7fd3f8c0b740>, <OpOverload(op='aten.native_dropout_backward', overload='out')>: <function native_dropout_backward at 0x7fd3f8c0b740>, <OpOverload(op='aten.logit_backward', overload='default')>: <function logit_backward at 0x7fd3f8c0ba60>, <OpOverload(op='aten.unfold_backward', overload='default')>: <function unfold_backward at 0x7fd3f8c0b9c0>, <OpOverload(op='aten.unfold_backward', overload='out')>: <function unfold_backward at 0x7fd3f8c0b9c0>, <OpOverload(op='aten.dropout', overload='default')>: <function dropout at 0x7fd3f8c0bce0>, <OpOverload(op='aten._native_batch_norm_legit_no_training', overload='default')>: <function _native_batch_norm_legit_no_training at 0x7fd3f8a45d00>, <OpOverload(op='aten.native_dropout', overload='default')>: <function native_dropout at 0x7fd3f8c0be20>, <OpOverload(op='aten.native_dropout', overload='out')>: <function native_dropout at 0x7fd3f8c0be20>, <OpOverload(op='aten._softmax', overload='default')>: <function _softmax at 0x7fd3f8a44720>, <OpOverload(op='aten._softmax', overload='out')>: <function _softmax at 0x7fd3f8a44720>, <OpOverload(op='aten.embedding', overload='default')>: <function embedding at 0x7fd3f8c0b420>, <OpOverload(op='aten.embedding', overload='out')>: <function embedding at 0x7fd3f8c0b420>, <OpOverload(op='aten._chunk_cat', overload='default')>: <function _chunk_cat at 0x7fd3f8a44a40>, <OpOverload(op='aten._chunk_cat', overload='out')>: <function _chunk_cat at 0x7fd3f8a44a40>, <OpOverload(op='aten.embedding_dense_backward', overload='default')>: <function embedding_dense_backward at 0x7fd3f8c0a8e0>, <OpOverload(op='aten.embedding_dense_backward', overload='out')>: <function embedding_dense_backward at 0x7fd3f8c0a8e0>, <OpOverload(op='aten.split_with_sizes_copy', overload='default')>: <function split_with_sizes_copy at 0x7fd3f8a44ae0>, <OpOverload(op='aten.split_with_sizes_copy', overload='out')>: <function split_with_sizes_copy at 0x7fd3f8a44ae0>, <OpOverload(op='aten.unsafe_split', overload='Tensor')>: <function unsafe_split at 0x7fd3f8a44c20>, <OpOverload(op='aten.native_batch_norm', overload='out')>: <function native_batch_norm at 0x7fd3f8c0b6a0>, <OpOverload(op='aten.unsafe_split_with_sizes', overload='default')>: <function unsafe_split_with_sizes at 0x7fd3f8a44d60>, <OpOverload(op='aten.split', overload='Tensor')>: <function split at 0x7fd3f8a44ea0>, <OpOverload(op='aten.native_batch_norm', overload='default')>: <function native_batch_norm at 0x7fd3f8c0b6a0>, <OpOverload(op='aten.addmm', overload='default')>: <function addmm at 0x7fd3f8a454e0>, <OpOverload(op='aten.addmm', overload='out')>: <function addmm at 0x7fd3f8a454e0>, <OpOverload(op='aten._addmm_activation', overload='default')>: <function _addmm_activation at 0x7fd3f8a45800>, <OpOverload(op='aten._addmm_activation', overload='out')>: <function _addmm_activation at 0x7fd3f8a45800>, <OpOverload(op='aten.native_group_norm_backward', overload='default')>: <function native_group_norm_backward at 0x7fd3f8a45bc0>, <OpOverload(op='aten.addmv', overload='default')>: <function addmv at 0x7fd3f8a45b20>, <OpOverload(op='aten.native_group_norm_backward', overload='out')>: <function native_group_norm_backward_out at 0x7fd3f8a45c60>, <OpOverload(op='aten.addmv', overload='out')>: <function addmv at 0x7fd3f8a45b20>, <OpOverload(op='aten.native_layer_norm_backward', overload='default')>: <function native_layer_norm_backward at 0x7fd3f8a45ee0>, <OpOverload(op='aten.native_layer_norm_backward', overload='out')>: <function native_layer_norm_backward_out at 0x7fd3f8a45f80>, <OpOverload(op='aten._native_batch_norm_legit', overload='default')>: <function _native_batch_norm_legit at 0x7fd3f8a45a80>, <OpOverload(op='aten._native_batch_norm_legit', overload='no_stats')>: <function _native_batch_norm_legit_no_stats at 0x7fd3f8a45440>, <OpOverload(op='aten._native_batch_norm_legit_functional', overload='default')>: <function _native_batch_norm_legit_functional at 0x7fd3f8a44f40>, <OpOverload(op='aten._batch_norm_with_update', overload='default')>: <function _batch_norm_with_update at 0x7fd3f8a467a0>, <OpOverload(op='aten._batch_norm_with_update_functional', overload='default')>: <function _batch_norm_with_update_functional at 0x7fd3f8a468e0>, <OpOverload(op='aten._batch_norm_no_update', overload='default')>: <function _batch_norm_no_update at 0x7fd3f8a46a20>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='out')>: <function miopen_batch_norm_backward at 0x7fd3f8a47420>, <OpOverload(op='aten._fused_dropout', overload='default')>: <function _fused_dropout_decomposition at 0x7fd3f8a472e0>, <OpOverload(op='aten._fused_dropout', overload='out')>: <function _fused_dropout_decomposition at 0x7fd3f8a472e0>, <OpOverload(op='aten._to_copy', overload='default')>: <function _to_copy at 0x7fd3f8a476a0>, <OpOverload(op='aten._to_copy', overload='out')>: <function _to_copy at 0x7fd3f8a476a0>, <OpOverload(op='aten.cudnn_batch_norm', overload='default')>: <function cudnn_batch_norm at 0x7fd3f8a47a60>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='default')>: <function miopen_batch_norm_backward at 0x7fd3f8a47420>, <OpOverload(op='aten.lift', overload='default')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.lift', overload='out')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.batch_norm_backward', overload='default')>: <function batch_norm_backward at 0x7fd3f8a60180>, <OpOverload(op='aten.cudnn_batch_norm', overload='out')>: <function cudnn_batch_norm at 0x7fd3f8a47a60>, <OpOverload(op='aten.native_batch_norm_backward', overload='default')>: <function native_batch_norm_backward at 0x7fd3f8a60220>, <OpOverload(op='aten.native_batch_norm_backward', overload='out')>: <function native_batch_norm_backward_out at 0x7fd3f8a60360>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='default')>: <function cudnn_batch_norm_backward at 0x7fd3f8a46980>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='out')>: <function cudnn_batch_norm_backward at 0x7fd3f8a46980>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='default')>: <function adaptive_avg_pool2d at 0x7fd3f8a60cc0>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='out')>: <function adaptive_avg_pool2d at 0x7fd3f8a60cc0>, <OpOverload(op='aten.max_unpool2d', overload='default')>: <function max_unpool2d at 0x7fd3f8a60fe0>, <OpOverload(op='aten.max_unpool2d', overload='out')>: <function max_unpool2d at 0x7fd3f8a60fe0>, <OpOverload(op='aten.max_unpool3d', overload='default')>: <function max_unpool3d at 0x7fd3f8a61260>, <OpOverload(op='aten.max_unpool3d', overload='out')>: <function max_unpool3d at 0x7fd3f8a61260>, <OpOverload(op='aten.upsample_nearest3d', overload='vec')>: <function _upsample_nearest_vec at 0x7fd3f8a611c0>, <OpOverload(op='aten.pad_sequence', overload='default')>: <function pad_sequence at 0x7fd3f8a61760>, <OpOverload(op='aten.index_add_', overload='default')>: <function index_add_ at 0x7fd3f8a61080>, <OpOverload(op='aten.index_add', overload='default')>: <function index_add at 0x7fd3f8a61620>, <OpOverload(op='aten.index_add', overload='out')>: <function index_add at 0x7fd3f8a61620>, <OpOverload(op='aten.index_add', overload='dimname')>: <function index_add at 0x7fd3f8a61620>, <OpOverload(op='aten.upsample_bilinear2d', overload='default')>: <function upsample_bilinear2d at 0x7fd3f8a896c0>, <OpOverload(op='aten.index_copy_', overload='default')>: <function index_copy_ at 0x7fd3f8a616c0>, <OpOverload(op='aten.index_copy_', overload='dimname')>: <function index_copy_ at 0x7fd3f8a616c0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fd3f8a62ac0>, <OpOverload(op='aten.index_copy', overload='default')>: <function index_copy at 0x7fd3f8a61c60>, <OpOverload(op='aten.index_copy', overload='dimname')>: <function index_copy at 0x7fd3f8a61c60>, <OpOverload(op='aten.index_copy', overload='out')>: <function index_copy at 0x7fd3f8a61c60>, <OpOverload(op='aten.log_sigmoid_forward', overload='default')>: <function log_sigmoid_forward at 0x7fd3f8a62340>, <OpOverload(op='aten.log_sigmoid_forward', overload='output')>: <function log_sigmoid_forward at 0x7fd3f8a62340>, <OpOverload(op='aten.upsample_nearest2d', overload='vec')>: <function _upsample_nearest_vec at 0x7fd3f8a611c0>, <OpOverload(op='aten.upsample_nearest1d', overload='vec')>: <function _upsample_nearest_vec at 0x7fd3f8a611c0>, <OpOverload(op='aten.uniform_', overload='default')>: <function uniform_ at 0x7fd3f8a62520>, <OpOverload(op='aten.upsample_nearest1d', overload='default')>: <function upsample_nearest1d at 0x7fd3f8a62e80>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fd3f8a62ac0>, <OpOverload(op='aten.upsample_linear1d', overload='default')>: <function upsample_linear1d at 0x7fd3f8a61bc0>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fd3f8a62ac0>, <OpOverload(op='aten.upsample_nearest1d', overload='out')>: <function upsample_nearest1d at 0x7fd3f8a62e80>, <OpOverload(op='aten.upsample_linear1d', overload='out')>: <function upsample_linear1d at 0x7fd3f8a61bc0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='default')>: <function upsample_nearest_exact1d at 0x7fd3f8a631a0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='out')>: <function upsample_nearest_exact1d at 0x7fd3f8a631a0>, <OpOverload(op='aten.upsample_nearest2d', overload='default')>: <function upsample_nearest2d at 0x7fd3f8a634c0>, <OpOverload(op='aten.upsample_nearest2d', overload='out')>: <function upsample_nearest2d at 0x7fd3f8a634c0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='default')>: <function _upsample_nearest_exact2d at 0x7fd3f8a637e0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='out')>: <function _upsample_nearest_exact2d at 0x7fd3f8a637e0>, <OpOverload(op='aten.upsample_nearest3d', overload='default')>: <function upsample_nearest3d at 0x7fd3f8a63b00>, <OpOverload(op='aten.upsample_nearest3d', overload='out')>: <function upsample_nearest3d at 0x7fd3f8a63b00>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='default')>: <function _upsample_nearest_exact3d at 0x7fd3f8a63e20>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='out')>: <function _upsample_nearest_exact3d at 0x7fd3f8a63e20>, <OpOverload(op='aten.rnn_tanh', overload='input')>: <function rnn_tanh_input at 0x7fd3f8a88680>, <OpOverload(op='aten.rnn_relu', overload='input')>: <function rnn_relu_input at 0x7fd3f8a88860>, <OpOverload(op='aten.rnn_relu', overload='data')>: <function rnn_relu_data at 0x7fd3f8a88a40>, <OpOverload(op='aten.rnn_tanh', overload='data')>: <function rnn_tanh_data at 0x7fd3f8a88c20>, <OpOverload(op='aten.lstm', overload='input')>: <function lstm_impl at 0x7fd3f8a89080>, <OpOverload(op='aten.lstm', overload='data')>: <function lstm_data_impl at 0x7fd3f8a89260>, <OpOverload(op='aten.gru', overload='data')>: <function gru_impl_data at 0x7fd3f8a89580>, <OpOverload(op='aten.upsample_trilinear3d', overload='out')>: <function upsample_trilinear3d at 0x7fd3f8a88b80>, <OpOverload(op='aten.gru', overload='input')>: <function gru_impl at 0x7fd3f8a89760>, <OpOverload(op='aten.upsample_trilinear3d', overload='default')>: <function upsample_trilinear3d at 0x7fd3f8a88b80>, <OpOverload(op='aten._upsample_bilinear2d_aa', overload='vec')>: <function upsample_bilinear2d_aa_vec at 0x7fd3f8a89940>, <OpOverload(op='aten._upsample_bicubic2d_aa', overload='vec')>: <function upsample_bicubic2d_aa_vec at 0x7fd3f8a89b20>, <OpOverload(op='aten.upsample_bilinear2d', overload='out')>: <function upsample_bilinear2d at 0x7fd3f8a896c0>, <OpOverload(op='aten.upsample_bilinear2d', overload='vec')>: <function _upsample_linear_vec at 0x7fd3f8a618a0>, <OpOverload(op='aten.upsample_trilinear3d', overload='vec')>: <function _upsample_linear_vec at 0x7fd3f8a618a0>, <OpOverload(op='aten.grid_sampler_2d', overload='out')>: <function grid_sampler_2d at 0x7fd3f8aa8220>, <OpOverload(op='aten.is_same_size', overload='default')>: <function is_same_size at 0x7fd3f8a89da0>, <OpOverload(op='aten.grid_sampler_2d', overload='default')>: <function grid_sampler_2d at 0x7fd3f8aa8220>, <OpOverload(op='aten._reshape_alias', overload='default')>: <function _reshape_alias at 0x7fd3f8a8a160>, <OpOverload(op='aten._unsafe_view', overload='default')>: <function _reshape_alias at 0x7fd3f8a8a160>, <OpOverload(op='aten._unsafe_view', overload='out')>: <function _reshape_alias at 0x7fd3f8a8a160>, <OpOverload(op='aten._unsafe_index', overload='Tensor')>: <function _unsafe_index at 0x7fd3f8a89f80>, <OpOverload(op='aten._unsafe_masked_index', overload='default')>: <function _unsafe_masked_index at 0x7fd3f8a8a340>, <OpOverload(op='aten._unsafe_masked_index_put_accumulate', overload='default')>: <function _unsafe_masked_index_put_accumulate at 0x7fd3f8a8a480>, <OpOverload(op='aten.nll_loss_forward', overload='default')>: <function nll_loss_forward at 0x7fd3f8a8aca0>, <OpOverload(op='aten.nll_loss_forward', overload='output')>: <function nll_loss_forward at 0x7fd3f8a8aca0>, <OpOverload(op='aten.nll_loss2d_forward', overload='default')>: <function nll_loss2d_forward at 0x7fd3f8a8b380>, <OpOverload(op='aten.nll_loss2d_forward', overload='output')>: <function nll_loss2d_forward at 0x7fd3f8a8b380>, <OpOverload(op='aten.aminmax', overload='out')>: <function aminmax at 0x7fd3f8aa8f40>, <OpOverload(op='aten.affine_grid_generator', overload='default')>: <function affine_grid_generator at 0x7fd3f8a8be20>, <OpOverload(op='aten.affine_grid_generator', overload='out')>: <function affine_grid_generator at 0x7fd3f8a8be20>, <OpOverload(op='aten.mv', overload='default')>: <function mv at 0x7fd3f8a8a3e0>, <OpOverload(op='aten.mv', overload='out')>: <function mv at 0x7fd3f8a8a3e0>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='default')>: <function binary_cross_entropy_with_logits at 0x7fd3f8a88fe0>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='out')>: <function binary_cross_entropy_with_logits at 0x7fd3f8a88fe0>, <OpOverload(op='aten.upsample_bicubic2d', overload='default')>: <function upsample_bicubic2d_default at 0x7fd3f8aa8680>, <OpOverload(op='aten.upsample_bicubic2d', overload='out')>: <function upsample_bicubic2d_default at 0x7fd3f8aa8680>, <OpOverload(op='aten.upsample_bicubic2d', overload='vec')>: <function upsample_bicubic2d_vec at 0x7fd3f8aa8ae0>, <OpOverload(op='aten.aminmax', overload='default')>: <function aminmax at 0x7fd3f8aa8f40>, <OpOverload(op='aten.reflection_pad3d', overload='default')>: <function _reflection_pad at 0x7fd3f8aa8c20>, <OpOverload(op='aten.reflection_pad3d', overload='out')>: <function _reflection_pad at 0x7fd3f8aa8c20>, <OpOverload(op='aten.reflection_pad2d', overload='default')>: <function _reflection_pad at 0x7fd3f8aa8c20>, <OpOverload(op='aten.reflection_pad2d', overload='out')>: <function _reflection_pad at 0x7fd3f8aa8c20>, <OpOverload(op='aten.reflection_pad1d', overload='default')>: <function _reflection_pad at 0x7fd3f8aa8c20>, <OpOverload(op='aten.reflection_pad1d', overload='out')>: <function _reflection_pad at 0x7fd3f8aa8c20>, <OpOverload(op='aten.replication_pad3d', overload='default')>: <function _replication_pad at 0x7fd3f8aa9080>, <OpOverload(op='aten.replication_pad3d', overload='out')>: <function _replication_pad at 0x7fd3f8aa9080>, <OpOverload(op='aten.replication_pad2d', overload='default')>: <function _replication_pad at 0x7fd3f8aa9080>, <OpOverload(op='aten.replication_pad2d', overload='out')>: <function _replication_pad at 0x7fd3f8aa9080>, <OpOverload(op='aten.replication_pad1d', overload='default')>: <function _replication_pad at 0x7fd3f8aa9080>, <OpOverload(op='aten.replication_pad1d', overload='out')>: <function _replication_pad at 0x7fd3f8aa9080>, <OpOverload(op='aten.reflection_pad3d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fd3f8aa9580>, <OpOverload(op='aten.reflection_pad3d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fd3f8aa9580>, <OpOverload(op='aten.reflection_pad2d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.reflection_pad2d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.reflection_pad1d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.reflection_pad1d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.arange', overload='default')>: <function arange_default at 0x7fd3f8aa9b20>, <OpOverload(op='aten.nansum', overload='default')>: <function nansum at 0x7fd3f8aa8720>, <OpOverload(op='aten.nansum', overload='out')>: <function nansum at 0x7fd3f8aa8720>, <OpOverload(op='aten.arange', overload='out')>: <function arange_default at 0x7fd3f8aa9b20>, <OpOverload(op='aten.arange', overload='start')>: <function arange_start at 0x7fd3f8aa85e0>, <OpOverload(op='aten.take', overload='out')>: <function take at 0x7fd3f8aaaac0>, <OpOverload(op='aten.multi_margin_loss', overload='default')>: <function multi_margin_loss at 0x7fd3f8aaa160>, <OpOverload(op='aten.take', overload='default')>: <function take at 0x7fd3f8aaaac0>, <OpOverload(op='aten.multi_margin_loss', overload='out')>: <function multi_margin_loss at 0x7fd3f8aaa160>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='default')>: <function multilabel_margin_loss_forward at 0x7fd3f8aaa840>, <OpOverload(op='aten._scaled_dot_product_flash_attention_for_cpu', overload='default')>: <function scaled_dot_product_flash_attention_for_cpu at 0x7fd3f8aa9d00>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='output')>: <function multilabel_margin_loss_forward at 0x7fd3f8aaa840>, <OpOverload(op='aten.baddbmm', overload='default')>: <function baddbmm at 0x7fd3f8aaae80>, <OpOverload(op='aten.baddbmm', overload='out')>: <function baddbmm at 0x7fd3f8aaae80>, <OpOverload(op='aten.floor_divide', overload='default')>: <function floor_divide at 0x7fd3f8aab100>, <OpOverload(op='aten.floor_divide', overload='Scalar')>: <function floor_divide at 0x7fd3f8aab100>, <OpOverload(op='aten.floor_divide', overload='out')>: <function floor_divide at 0x7fd3f8aab100>, <OpOverload(op='aten.floor_divide', overload='Scalar_out')>: <function floor_divide at 0x7fd3f8aab100>, <OpOverload(op='aten._weight_norm_interface', overload='default')>: <function _weight_norm_interface at 0x7fd3f8aab420>, <OpOverload(op='aten._weight_norm_interface', overload='out')>: <function _weight_norm_interface at 0x7fd3f8aab420>, <OpOverload(op='aten.bernoulli', overload='default')>: <function bernoulli at 0x7fd3f8aab6a0>, <OpOverload(op='aten.isin', overload='Tensor_Tensor')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Tensor_Tensor_out')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Tensor_Scalar')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Tensor_Scalar_out')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Scalar_Tensor')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Scalar_Tensor_out')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.resize_as', overload='default')>: <function resize_as at 0x7fd3f8aab240>, <OpOverload(op='aten.resize_as', overload='out')>: <function resize_as at 0x7fd3f8aab240>, <OpOverload(op='aten.addbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aaa980>, <OpOverload(op='aten.scatter_', overload='value_reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.addmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aa9da0>, <OpOverload(op='aten.addmv_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aa9a80>, <OpOverload(op='aten.scatter_', overload='reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.baddbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aa9300>, <OpOverload(op='aten.fill_', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aab9c0>, <OpOverload(op='aten.fill_', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aab9c0>, <OpOverload(op='aten.scatter_', overload='value')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.gelu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabb00>, <OpOverload(op='aten.hardswish_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabc40>, <OpOverload(op='aten.hardtanh_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabd80>, <OpOverload(op='aten.hardsigmoid_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabec0>, <OpOverload(op='aten.__iand__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8040>, <OpOverload(op='aten.__iand__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8040>, <OpOverload(op='aten.silu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabba0>, <OpOverload(op='aten.__ilshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8180>, <OpOverload(op='aten.__ilshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8180>, <OpOverload(op='aten.index_reduce_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8400>, <OpOverload(op='aten.__ior__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8540>, <OpOverload(op='aten.__ior__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8540>, <OpOverload(op='aten.scatter_reduce_', overload='two')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabe20>, <OpOverload(op='aten.__irshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8680>, <OpOverload(op='aten.__irshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8680>, <OpOverload(op='aten.__ixor__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad87c0>, <OpOverload(op='aten.__ixor__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad87c0>, <OpOverload(op='aten.leaky_relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8900>, <OpOverload(op='aten.logit_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8a40>, <OpOverload(op='aten.relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8b80>, <OpOverload(op='aten.renorm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8cc0>, <OpOverload(op='aten.round_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8e00>, <OpOverload(op='aten.round_', overload='decimals')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8e00>, <OpOverload(op='aten.scatter_add_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabf60>, <OpOverload(op='aten.scatter_', overload='src')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.tanh_backward', overload='default')>: <function tanh_backward at 0x7fd3f8f97d80>, <OpOverload(op='aten.sum', overload='dim_IntList')>: <function sum at 0x7fd3f89e4d60>, <OpOverload(op='aten.sum', overload='default')>: <function sum_default at 0x7fd3f8aab1a0>, <OpOverload(op='aten.sum', overload='IntList_out')>: <function sum at 0x7fd3f89e4d60>, <OpOverload(op='aten.sum', overload='out')>: <function sum_default at 0x7fd3f8aab1a0>, <OpOverload(op='aten.prod', overload='default')>: <function prod at 0x7fd3f89e5120>, <OpOverload(op='aten.prod', overload='dim_Dimname')>: <function prod at 0x7fd3f89e5120>, <OpOverload(op='aten.var', overload='dim')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.prod', overload='dim_int')>: <function prod at 0x7fd3f89e5120>, <OpOverload(op='aten.prod', overload='int_out')>: <function prod at 0x7fd3f89e5120>, <OpOverload(op='aten.prod', overload='out')>: <function prod at 0x7fd3f89e5120>, <OpOverload(op='aten.var', overload='default')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.prod', overload='Dimname_out')>: <function prod at 0x7fd3f89e5120>, <OpOverload(op='aten.var', overload='correction')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.var', overload='out')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.var', overload='correction_out')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.var', overload='correction_names')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.var', overload='correction_names_out')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.var', overload='names_out')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.amax', overload='default')>: <function amax at 0x7fd3f89e5300>, <OpOverload(op='aten.amax', overload='out')>: <function amax at 0x7fd3f89e5300>, <OpOverload(op='aten.var', overload='names_dim')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.amin', overload='default')>: <function amin at 0x7fd3f89e51c0>, <OpOverload(op='aten.amin', overload='out')>: <function amin at 0x7fd3f89e51c0>, <OpOverload(op='aten.empty_strided', overload='out')>: <function empty_strided at 0x7fd3f8834540>, <OpOverload(op='aten.full', overload='default')>: <function full at 0x7fd3f88363e0>, <OpOverload(op='aten.full', overload='out')>: <function full at 0x7fd3f88363e0>, <OpOverload(op='aten.normal', overload='Tensor_float')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='Tensor_float_out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='Tensor_Tensor')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='Tensor_Tensor_out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='float_float')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='float_float_out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='float_Tensor_out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='float_Tensor')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.uniform', overload='default')>: <function uniform at 0x7fd3f8a62700>, <OpOverload(op='aten.uniform', overload='out')>: <function uniform at 0x7fd3f8a62700>, <OpOverload(op='aten.frexp', overload='Tensor')>: <function frexp at 0x7fd3f898b060>, <OpOverload(op='aten.frexp', overload='Tensor_out')>: <function frexp at 0x7fd3f898b060>, <OpOverload(op='aten.tanh_backward', overload='grad_input')>: <function tanh_backward at 0x7fd3f8f97d80>, <OpOverload(op='aten.sigmoid_backward', overload='default')>: <function sigmoid_backward at 0x7fd3f8bc89a0>, <OpOverload(op='aten.sigmoid_backward', overload='grad_input')>: <function sigmoid_backward at 0x7fd3f8bc89a0>, <OpOverload(op='aten.softplus_backward', overload='default')>: <function softplus_backward at 0x7fd3f8bc8d60>, <OpOverload(op='aten.softplus_backward', overload='grad_input')>: <function softplus_backward at 0x7fd3f8bc8d60>, <OpOverload(op='aten.mish_backward', overload='default')>: <function mish_backward at 0x7fd3f8bcae80>, <OpOverload(op='aten.elu_backward', overload='default')>: <function elu_backward at 0x7fd3f8bc8860>, <OpOverload(op='aten.hardsigmoid', overload='default')>: <function hardsigmoid at 0x7fd3f8bc9800>, <OpOverload(op='aten.hardsigmoid', overload='out')>: <function hardsigmoid at 0x7fd3f8bc9800>, <OpOverload(op='aten.hardsigmoid_backward', overload='default')>: <function hardsigmoid_backward at 0x7fd3f8bc98a0>, <OpOverload(op='aten.hardsigmoid_backward', overload='grad_input')>: <function hardsigmoid_backward at 0x7fd3f8bc98a0>, <OpOverload(op='aten.hardtanh_backward', overload='default')>: <function hardtanh_backward at 0x7fd3f8bc9c60>, <OpOverload(op='aten.hardtanh_backward', overload='grad_input')>: <function hardtanh_backward at 0x7fd3f8bc9c60>, <OpOverload(op='aten.hardswish', overload='default')>: <function hardswish at 0x7fd3f8bca200>, <OpOverload(op='aten.hardswish', overload='out')>: <function hardswish at 0x7fd3f8bca200>, <OpOverload(op='aten.hardswish_backward', overload='default')>: <function hardswish_backward at 0x7fd3f8bca520>, <OpOverload(op='aten.hardswish_backward', overload='out')>: <function hardswish_backward at 0x7fd3f8bca520>, <OpOverload(op='aten.gelu_backward', overload='grad_input')>: <function gelu_backward at 0x7fd3f8bcaca0>, <OpOverload(op='aten.threshold_backward', overload='default')>: <function threshold_backward at 0x7fd3f8bca5c0>, <OpOverload(op='aten.leaky_relu_backward', overload='default')>: <function leaky_relu_backward at 0x7fd3f8bca8e0>, <OpOverload(op='aten.leaky_relu_backward', overload='grad_input')>: <function leaky_relu_backward at 0x7fd3f8bca8e0>, <OpOverload(op='aten.silu', overload='default')>: <function silu at 0x7fd3f8bc9760>, <OpOverload(op='aten.silu', overload='out')>: <function silu at 0x7fd3f8bc9760>, <OpOverload(op='aten.silu_backward', overload='default')>: <function silu_backward at 0x7fd3f8bc94e0>, <OpOverload(op='aten.silu_backward', overload='grad_input')>: <function silu_backward at 0x7fd3f8bc94e0>, <OpOverload(op='aten._prelu_kernel', overload='default')>: <function _prelu_kernel at 0x7fd3f8bcb100>, <OpOverload(op='aten._prelu_kernel_backward', overload='default')>: <function _prelu_kernel_backward at 0x7fd3f8bcb1a0>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='default')>: <function rrelu_with_noise_backward at 0x7fd3f8bcb6a0>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='out')>: <function rrelu_with_noise_backward at 0x7fd3f8bcb6a0>, <OpOverload(op='aten.log_sigmoid_backward', overload='default')>: <function log_sigmoid_backward at 0x7fd3f8bcb740>, <OpOverload(op='aten.log_sigmoid_backward', overload='grad_input')>: <function log_sigmoid_backward at 0x7fd3f8bcb740>, <OpOverload(op='aten.mse_loss', overload='default')>: <function mse_loss at 0x7fd3f8bcbec0>, <OpOverload(op='aten.mse_loss', overload='out')>: <function mse_loss at 0x7fd3f8bcbec0>, <OpOverload(op='aten.glu_backward', overload='grad_input')>: <function glu_backward at 0x7fd3f8bcb920>, <OpOverload(op='aten.mse_loss_backward', overload='default')>: <function mse_loss_backward at 0x7fd3f8bcbf60>, <OpOverload(op='aten.glu_backward', overload='default')>: <function glu_backward at 0x7fd3f8bcb920>, <OpOverload(op='aten.mse_loss_backward', overload='grad_input')>: <function mse_loss_backward at 0x7fd3f8bcbf60>, <OpOverload(op='aten._safe_softmax', overload='default')>: <function safe_softmax at 0x7fd3f8c082c0>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='default')>: <function smooth_l1_loss_backward at 0x7fd3f8c087c0>, <OpOverload(op='aten.smooth_l1_loss', overload='default')>: <function smooth_l1_loss at 0x7fd3f8c08720>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='grad_input')>: <function smooth_l1_loss_backward_out at 0x7fd3f8c089a0>, <OpOverload(op='aten.smooth_l1_loss', overload='out')>: <function smooth_l1_loss at 0x7fd3f8c08720>, <OpOverload(op='aten.huber_loss_backward', overload='default')>: <function huber_loss_backward at 0x7fd3f8c08b80>, <OpOverload(op='aten.huber_loss_backward', overload='out')>: <function huber_loss_backward_out at 0x7fd3f8c08d60>, <OpOverload(op='aten.nll_loss_backward', overload='default')>: <function nll_loss_backward at 0x7fd3f8bc8b80>, <OpOverload(op='aten.nll_loss_backward', overload='grad_input')>: <function nll_loss_backward at 0x7fd3f8bc8b80>, <OpOverload(op='aten.select_backward', overload='default')>: <function select_backward at 0x7fd3f8c0ac00>, <OpOverload(op='aten.nll_loss2d_backward', overload='default')>: <function nll_loss2d_backward at 0x7fd3f8c08ea0>, <OpOverload(op='aten.nll_loss2d_backward', overload='grad_input')>: <function nll_loss2d_backward at 0x7fd3f8c08ea0>, <OpOverload(op='aten.tan', overload='default')>: <function tan at 0x7fd3f897bce0>, <OpOverload(op='aten.tan', overload='out')>: <function tan at 0x7fd3f897bce0>, <OpOverload(op='aten.tanh', overload='default')>: <function tanh at 0x7fd3f8988220>, <OpOverload(op='aten.tanh', overload='out')>: <function tanh at 0x7fd3f8988220>, <OpOverload(op='aten.trunc', overload='default')>: <function trunc at 0x7fd3f8988720>, <OpOverload(op='aten.trunc', overload='out')>: <function trunc at 0x7fd3f8988720>, <OpOverload(op='aten.add', overload='Tensor')>: <function add at 0x7fd3f8988c20>, <OpOverload(op='aten.add', overload='Scalar')>: <function add at 0x7fd3f8988c20>, <OpOverload(op='aten.add', overload='out')>: <function add at 0x7fd3f8988c20>, <OpOverload(op='aten.add', overload='Scalar_out')>: <function add at 0x7fd3f8988c20>, <OpOverload(op='aten.atan2', overload='default')>: <function atan2 at 0x7fd3f8989080>, <OpOverload(op='aten.atan2', overload='out')>: <function atan2 at 0x7fd3f8989080>, <OpOverload(op='aten.bitwise_and', overload='Tensor')>: <function bitwise_and at 0x7fd3f89894e0>, <OpOverload(op='aten.bitwise_and', overload='Scalar')>: <function bitwise_and at 0x7fd3f89894e0>, <OpOverload(op='aten.bitwise_and', overload='Tensor_out')>: <function bitwise_and at 0x7fd3f89894e0>, <OpOverload(op='aten.bitwise_and', overload='Scalar_out')>: <function bitwise_and at 0x7fd3f89894e0>, <OpOverload(op='aten.bitwise_and', overload='Scalar_Tensor_out')>: <function bitwise_and at 0x7fd3f89894e0>, <OpOverload(op='aten.bitwise_or', overload='Tensor')>: <function bitwise_or at 0x7fd3f897b420>, <OpOverload(op='aten.bitwise_and', overload='Scalar_Tensor')>: <function bitwise_and at 0x7fd3f89894e0>, <OpOverload(op='aten.bitwise_or', overload='Scalar')>: <function bitwise_or at 0x7fd3f897b420>, <OpOverload(op='aten.bitwise_or', overload='Tensor_out')>: <function bitwise_or at 0x7fd3f897b420>, <OpOverload(op='aten.bitwise_or', overload='Scalar_out')>: <function bitwise_or at 0x7fd3f897b420>, <OpOverload(op='aten.bitwise_or', overload='Scalar_Tensor_out')>: <function bitwise_or at 0x7fd3f897b420>, <OpOverload(op='aten.bitwise_xor', overload='Tensor')>: <function bitwise_xor at 0x7fd3f898a020>, <OpOverload(op='aten.bitwise_or', overload='Scalar_Tensor')>: <function bitwise_or at 0x7fd3f897b420>, <OpOverload(op='aten.bitwise_xor', overload='Scalar')>: <function bitwise_xor at 0x7fd3f898a020>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_Tensor')>: <function bitwise_xor at 0x7fd3f898a020>, <OpOverload(op='aten.bitwise_xor', overload='Tensor_out')>: <function bitwise_xor at 0x7fd3f898a020>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_out')>: <function bitwise_xor at 0x7fd3f898a020>, <OpOverload(op='aten.eq', overload='Tensor_out')>: <function eq at 0x7fd3f898ab60>, <OpOverload(op='aten.div', overload='Tensor_mode')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_Tensor_out')>: <function bitwise_xor at 0x7fd3f898a020>, <OpOverload(op='aten.div', overload='Scalar_mode')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.div', overload='out')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.div', overload='out_mode')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.div', overload='Scalar_out')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.div', overload='Scalar_mode_out')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.eq', overload='Tensor')>: <function eq at 0x7fd3f898ab60>, <OpOverload(op='aten.eq', overload='Scalar_out')>: <function eq at 0x7fd3f898ab60>, <OpOverload(op='aten.eq', overload='Scalar')>: <function eq at 0x7fd3f898ab60>, <OpOverload(op='aten.fmax', overload='default')>: <function fmax at 0x7fd3f898bb00>, <OpOverload(op='aten.fmax', overload='out')>: <function fmax at 0x7fd3f898bb00>, <OpOverload(op='aten.fmin', overload='default')>: <function fmin at 0x7fd3f898bf60>, <OpOverload(op='aten.fmin', overload='out')>: <function fmin at 0x7fd3f898bf60>, <OpOverload(op='aten.fmod', overload='Tensor')>: <function fmod at 0x7fd3f89a8400>, <OpOverload(op='aten.fmod', overload='Scalar')>: <function fmod at 0x7fd3f89a8400>, <OpOverload(op='aten.fmod', overload='Scalar_out')>: <function fmod at 0x7fd3f89a8400>, <OpOverload(op='aten.fmod', overload='Tensor_out')>: <function fmod at 0x7fd3f89a8400>, <OpOverload(op='aten.gcd', overload='default')>: <function gcd at 0x7fd3f89a89a0>, <OpOverload(op='aten.gcd', overload='out')>: <function gcd at 0x7fd3f89a89a0>, <OpOverload(op='aten.ge', overload='Tensor')>: <function ge at 0x7fd3f89a8e00>, <OpOverload(op='aten.ge', overload='Scalar')>: <function ge at 0x7fd3f89a8e00>, <OpOverload(op='aten.ge', overload='Tensor_out')>: <function ge at 0x7fd3f89a8e00>, <OpOverload(op='aten.ge', overload='Scalar_out')>: <function ge at 0x7fd3f89a8e00>, <OpOverload(op='aten.gt', overload='Tensor')>: <function gt at 0x7fd3f89a9260>, <OpOverload(op='aten.gt', overload='Scalar')>: <function gt at 0x7fd3f89a9260>, <OpOverload(op='aten.gt', overload='Tensor_out')>: <function gt at 0x7fd3f89a9260>, <OpOverload(op='aten.gt', overload='Scalar_out')>: <function gt at 0x7fd3f89a9260>, <OpOverload(op='aten.hypot', overload='default')>: <function hypot at 0x7fd3f89a9b20>, <OpOverload(op='aten.hypot', overload='out')>: <function hypot at 0x7fd3f89a9b20>, <OpOverload(op='aten.igamma', overload='default')>: <function igamma at 0x7fd3f89a9f80>, <OpOverload(op='aten.igamma', overload='out')>: <function igamma at 0x7fd3f89a9f80>, <OpOverload(op='aten.igammac', overload='default')>: <function igammac at 0x7fd3f89aa3e0>, <OpOverload(op='aten.le', overload='Tensor')>: <function le at 0x7fd3f89aade0>, <OpOverload(op='aten.igammac', overload='out')>: <function igammac at 0x7fd3f89aa3e0>, <OpOverload(op='aten.le', overload='Scalar')>: <function le at 0x7fd3f89aade0>, <OpOverload(op='aten.le', overload='Tensor_out')>: <function le at 0x7fd3f89aade0>, <OpOverload(op='aten.le', overload='Scalar_out')>: <function le at 0x7fd3f89aade0>, <OpOverload(op='aten.lt', overload='Tensor')>: <function lt at 0x7fd3f89c4680>, <OpOverload(op='aten.gelu_backward', overload='default')>: <function gelu_backward at 0x7fd3f8bcaca0>, <OpOverload(op='aten.lt', overload='Scalar')>: <function lt at 0x7fd3f89c4680>, <OpOverload(op='aten.lt', overload='Tensor_out')>: <function lt at 0x7fd3f89c4680>, <OpOverload(op='aten.lt', overload='Scalar_out')>: <function lt at 0x7fd3f89c4680>, <OpOverload(op='aten.maximum', overload='default')>: <function maximum at 0x7fd3f89c4ae0>, <OpOverload(op='aten.maximum', overload='out')>: <function maximum at 0x7fd3f89c4ae0>, <OpOverload(op='aten.minimum', overload='default')>: <function minimum at 0x7fd3f89c4f40>, <OpOverload(op='aten.minimum', overload='out')>: <function minimum at 0x7fd3f89c4f40>, <OpOverload(op='aten.mul', overload='out')>: <function mul at 0x7fd3f89c53a0>, <OpOverload(op='aten.mul', overload='Scalar_out')>: <function mul at 0x7fd3f89c53a0>, <OpOverload(op='aten.ne', overload='Tensor')>: <function ne at 0x7fd3f89c5800>, <OpOverload(op='aten.ne', overload='Scalar')>: <function ne at 0x7fd3f89c5800>, <OpOverload(op='aten.ne', overload='Scalar_out')>: <function ne at 0x7fd3f89c5800>, <OpOverload(op='aten.ne', overload='Tensor_out')>: <function ne at 0x7fd3f89c5800>, <OpOverload(op='aten.nextafter', overload='default')>: <function nextafter at 0x7fd3f89abe20>, <OpOverload(op='aten.nextafter', overload='out')>: <function nextafter at 0x7fd3f89abe20>, <OpOverload(op='aten.pow', overload='Tensor_Tensor')>: <function pow at 0x7fd3f898afc0>, <OpOverload(op='aten.pow', overload='Tensor_Scalar')>: <function pow at 0x7fd3f898afc0>, <OpOverload(op='aten.pow', overload='Scalar_out')>: <function pow at 0x7fd3f898afc0>, <OpOverload(op='aten.pow', overload='Tensor_Scalar_out')>: <function pow at 0x7fd3f898afc0>, <OpOverload(op='aten.pow', overload='Tensor_Tensor_out')>: <function pow at 0x7fd3f898afc0>, <OpOverload(op='aten.pow', overload='Scalar')>: <function pow at 0x7fd3f898afc0>, <OpOverload(op='aten.remainder', overload='Tensor')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.remainder', overload='Scalar')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.remainder', overload='Tensor_out')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.remainder', overload='Scalar_out')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.remainder', overload='Scalar_Tensor_out')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.remainder', overload='Scalar_Tensor')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.sub', overload='Tensor')>: <function sub at 0x7fd3f89c60c0>, <OpOverload(op='aten.sub', overload='Scalar')>: <function sub at 0x7fd3f89c60c0>, <OpOverload(op='aten.sub', overload='Scalar_out')>: <function sub at 0x7fd3f89c60c0>, <OpOverload(op='aten.sub', overload='out')>: <function sub at 0x7fd3f89c60c0>, <OpOverload(op='aten.cat', overload='names')>: <function cat at 0x7fd3f89e6fc0>, <OpOverload(op='aten.squeeze', overload='default')>: <function squeeze_default at 0x7fd3f8aab2e0>, <OpOverload(op='aten.squeeze', overload='dim')>: <function squeeze_default at 0x7fd3f8aab2e0>, <OpOverload(op='aten.squeeze', overload='dims')>: <function squeeze at 0x7fd3f8a0d1c0>, <OpOverload(op='aten.transpose', overload='int')>: <function transpose at 0x7fd3f8a0f880>, <OpOverload(op='aten.transpose', overload='Dimname')>: <function transpose at 0x7fd3f8a0f880>, <OpOverload(op='aten.as_strided_scatter', overload='out')>: <function as_strided_scatter at 0x7fd3f89e6980>, <OpOverload(op='aten.cat', overload='default')>: <function cat at 0x7fd3f89e6fc0>, <OpOverload(op='aten.cat', overload='out')>: <function cat at 0x7fd3f89e6fc0>, <OpOverload(op='aten.cat', overload='names_out')>: <function cat at 0x7fd3f89e6fc0>, <OpOverload(op='aten.where', overload='self')>: <function where at 0x7fd3f89c5c60>, <OpOverload(op='aten.where', overload='ScalarSelf')>: <function where at 0x7fd3f89c5c60>, <OpOverload(op='aten.where', overload='Scalar')>: <function where at 0x7fd3f89c5c60>, <OpOverload(op='aten.where', overload='default')>: <function where at 0x7fd3f89c5c60>, <OpOverload(op='aten.where', overload='self_out')>: <function where at 0x7fd3f89c5c60>, <OpOverload(op='aten.where', overload='ScalarOther')>: <function where at 0x7fd3f89c5c60>, <OpOverload(op='aten.atan', overload='default')>: <function atan at 0x7fd3f8adbba0>, <OpOverload(op='aten.atan', overload='out')>: <function atan at 0x7fd3f8adbba0>, <OpOverload(op='aten.atanh', overload='default')>: <function atanh at 0x7fd3f894c0e0>, <OpOverload(op='aten.atanh', overload='out')>: <function atanh at 0x7fd3f894c0e0>, <OpOverload(op='aten.cos', overload='default')>: <function cos at 0x7fd3f894d3a0>, <OpOverload(op='aten.cos', overload='out')>: <function cos at 0x7fd3f894d3a0>, <OpOverload(op='aten.cosh', overload='default')>: <function cosh at 0x7fd3f894d8a0>, <OpOverload(op='aten.cosh', overload='out')>: <function cosh at 0x7fd3f894d8a0>, <OpOverload(op='aten.elu_backward', overload='grad_input')>: <function elu_backward at 0x7fd3f8bc8860>, <OpOverload(op='aten.bitwise_not', overload='default')>: <function bitwise_not at 0x7fd3f894c5e0>, <OpOverload(op='aten.bitwise_not', overload='out')>: <function bitwise_not at 0x7fd3f894c5e0>, <OpOverload(op='aten.ceil', overload='default')>: <function ceil at 0x7fd3f894cae0>, <OpOverload(op='aten.ceil', overload='out')>: <function ceil at 0x7fd3f894cae0>, <OpOverload(op='aten.conj_physical', overload='default')>: <function conj_physical at 0x7fd3f894cea0>, <OpOverload(op='aten.clone', overload='default')>: <function clone at 0x7fd3f89c7ce0>, <OpOverload(op='aten.digamma', overload='default')>: <function digamma at 0x7fd3f894d440>, <OpOverload(op='aten.digamma', overload='out')>: <function digamma at 0x7fd3f894d440>, <OpOverload(op='aten.erf', overload='default')>: <function erf at 0x7fd3f894dbc0>, <OpOverload(op='aten.erf', overload='out')>: <function erf at 0x7fd3f894dbc0>, <OpOverload(op='aten.erfc', overload='default')>: <function erfc at 0x7fd3f894e660>, <OpOverload(op='aten.erfc', overload='out')>: <function erfc at 0x7fd3f894e660>, <OpOverload(op='aten.exp', overload='default')>: <function exp at 0x7fd3f894eb60>, <OpOverload(op='aten.exp', overload='out')>: <function exp at 0x7fd3f894eb60>, <OpOverload(op='aten.expm1', overload='default')>: <function expm1 at 0x7fd3f894f060>, <OpOverload(op='aten.expm1', overload='out')>: <function expm1 at 0x7fd3f894f060>, <OpOverload(op='aten.exp2', overload='default')>: <function exp2 at 0x7fd3f894f560>, <OpOverload(op='aten.exp2', overload='out')>: <function exp2 at 0x7fd3f894f560>, <OpOverload(op='aten.fill', overload='Scalar')>: <function fill_scalar at 0x7fd3f8bc9260>, <OpOverload(op='aten.fill', overload='Tensor')>: <function fill_tensor at 0x7fd3f8bc9300>, <OpOverload(op='aten.floor', overload='default')>: <function floor at 0x7fd3f895c0e0>, <OpOverload(op='aten.floor', overload='out')>: <function floor at 0x7fd3f895c0e0>, <OpOverload(op='aten.lgamma', overload='default')>: <function lgamma at 0x7fd3f895e7a0>, <OpOverload(op='aten.lgamma', overload='out')>: <function lgamma at 0x7fd3f895e7a0>, <OpOverload(op='aten.log', overload='default')>: <function log at 0x7fd3f895eca0>, <OpOverload(op='aten.log', overload='out')>: <function log at 0x7fd3f895eca0>, <OpOverload(op='aten.threshold_backward', overload='grad_input')>: <function threshold_backward at 0x7fd3f8bca5c0>, <OpOverload(op='aten.log1p', overload='default')>: <function log1p at 0x7fd3f895f1a0>, <OpOverload(op='aten.log1p', overload='out')>: <function log1p at 0x7fd3f895f1a0>, <OpOverload(op='aten.log2', overload='default')>: <function log2 at 0x7fd3f895f6a0>, <OpOverload(op='aten.log2', overload='out')>: <function log2 at 0x7fd3f895f6a0>, <OpOverload(op='aten.log10', overload='default')>: <function log10 at 0x7fd3f895fba0>, <OpOverload(op='aten.tril_indices', overload='default')>: <function tril_indices at 0x7fd3f8837ba0>, <OpOverload(op='aten.log10', overload='out')>: <function log10 at 0x7fd3f895fba0>, <OpOverload(op='aten.reciprocal', overload='default')>: <function reciprocal at 0x7fd3f89789a0>, <OpOverload(op='aten.reciprocal', overload='out')>: <function reciprocal at 0x7fd3f89789a0>, <OpOverload(op='aten.neg', overload='default')>: <function neg at 0x7fd3f8978360>, <OpOverload(op='aten.neg', overload='out')>: <function neg at 0x7fd3f8978360>, <OpOverload(op='aten.round', overload='default')>: <function round at 0x7fd3f8978d60>, <OpOverload(op='aten.round', overload='decimals')>: <function round at 0x7fd3f8978d60>, <OpOverload(op='aten.round', overload='decimals_out')>: <function round at 0x7fd3f8978d60>, <OpOverload(op='aten.round', overload='out')>: <function round at 0x7fd3f8978d60>, <OpOverload(op='aten.rsqrt', overload='default')>: <function rsqrt at 0x7fd3f8979260>, <OpOverload(op='aten.rsqrt', overload='out')>: <function rsqrt at 0x7fd3f8979260>, <OpOverload(op='aten.sign', overload='default')>: <function sign at 0x7fd3f897a160>, <OpOverload(op='aten.sign', overload='out')>: <function sign at 0x7fd3f897a160>, <OpOverload(op='aten.signbit', overload='default')>: <function signbit at 0x7fd3f897a660>, <OpOverload(op='aten.sin', overload='default')>: <function sin at 0x7fd3f897ab60>, <OpOverload(op='aten.signbit', overload='out')>: <function signbit at 0x7fd3f897a660>, <OpOverload(op='aten.sin', overload='out')>: <function sin at 0x7fd3f897ab60>, <OpOverload(op='aten.sinh', overload='default')>: <function sinh at 0x7fd3f897ae80>, <OpOverload(op='aten.sinh', overload='out')>: <function sinh at 0x7fd3f897ae80>, <OpOverload(op='aten.sqrt', overload='default')>: <function sqrt at 0x7fd3f897b380>, <OpOverload(op='aten.sqrt', overload='out')>: <function sqrt at 0x7fd3f897b380>, <OpOverload(op='aten.abs', overload='default')>: <function abs at 0x7fd3f8ada2a0>, <OpOverload(op='aten.clone', overload='out')>: <function clone at 0x7fd3f89c7ce0>, <OpOverload(op='aten.abs', overload='out')>: <function abs at 0x7fd3f8ada2a0>, <OpOverload(op='aten.acos', overload='default')>: <function acos at 0x7fd3f8ada7a0>, <OpOverload(op='aten.acos', overload='out')>: <function acos at 0x7fd3f8ada7a0>, <OpOverload(op='aten.conj_physical', overload='out')>: <function conj_physical at 0x7fd3f894cea0>, <OpOverload(op='aten.acosh', overload='default')>: <function acosh at 0x7fd3f8adaca0>, <OpOverload(op='aten.acosh', overload='out')>: <function acosh at 0x7fd3f8adaca0>, <OpOverload(op='aten.asin', overload='default')>: <function asin at 0x7fd3f8adb1a0>, <OpOverload(op='aten.asin', overload='out')>: <function asin at 0x7fd3f8adb1a0>, <OpOverload(op='aten.asinh', overload='default')>: <function asinh at 0x7fd3f8adb6a0>, <OpOverload(op='aten.asinh', overload='out')>: <function asinh at 0x7fd3f8adb6a0>, <OpOverload(op='aten.sym_numel', overload='default')>: <function sym_numel at 0x7fd3f8aaaf20>, <OpOverload(op='aten.mul', overload='Tensor')>: <function mul at 0x7fd3f89c53a0>, <OpOverload(op='aten.mul', overload='Scalar')>: <function mul at 0x7fd3f89c53a0>, <OpOverload(op='aten.div', overload='Tensor')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.div', overload='Scalar')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.diagonal_scatter', overload='default')>: <function diagonal_scatter at 0x7fd3f8a0ede0>, <OpOverload(op='aten.diagonal', overload='default')>: <function diagonal at 0x7fd3f8a0ec00>, <OpOverload(op='aten.select_scatter', overload='default')>: <function select_scatter at 0x7fd3f886a700>, <OpOverload(op='aten.empty_strided', overload='default')>: <function empty_strided at 0x7fd3f8834540>, <OpOverload(op='aten.as_strided_scatter', overload='default')>: <function as_strided_scatter at 0x7fd3f89e6980>, <OpOverload(op='aten.zeros', overload='default')>: <function zeros at 0x7fd3f8834860>, <OpOverload(op='aten.detach', overload='default')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.lift_fresh', overload='default')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.empty_like', overload='default')>: <function empty_like at 0x7fd3f88354e0>, <OpOverload(op='aten.empty_like', overload='out')>: <function empty_like at 0x7fd3f88354e0>, <OpOverload(op='aten.ones_like', overload='default')>: <function ones_like at 0x7fd3f8836980>, <OpOverload(op='aten.ones_like', overload='out')>: <function ones_like at 0x7fd3f8836980>, <OpOverload(op='aten.zeros_like', overload='default')>: <function zeros_like at 0x7fd3f8836700>, <OpOverload(op='aten.zeros_like', overload='out')>: <function zeros_like at 0x7fd3f8836700>, <OpOverload(op='aten.new_empty', overload='default')>: <function new_empty at 0x7fd3f8834360>, <OpOverload(op='aten.new_empty', overload='out')>: <function new_empty at 0x7fd3f8834360>, <OpOverload(op='aten.new_empty_strided', overload='default')>: <function new_empty_strided at 0x7fd3f88345e0>, <OpOverload(op='aten.new_empty_strided', overload='out')>: <function new_empty_strided at 0x7fd3f88345e0>, <OpOverload(op='aten.new_full', overload='default')>: <function new_full at 0x7fd3f8835260>, <OpOverload(op='aten.new_full', overload='out')>: <function new_full at 0x7fd3f8835260>, <OpOverload(op='aten.new_zeros', overload='default')>: <function new_zeros at 0x7fd3f8834ae0>, <OpOverload(op='aten.new_zeros', overload='out')>: <function new_zeros at 0x7fd3f8834ae0>, <OpOverload(op='aten.new_ones', overload='default')>: <function new_ones at 0x7fd3f8834fe0>, <OpOverload(op='aten.new_ones', overload='out')>: <function new_ones at 0x7fd3f8834fe0>, <OpOverload(op='aten.item', overload='default')>: <function item at 0x7fd3f89c7d80>, <OpOverload(op='aten._unsafe_index_put', overload='default')>: <function _unsafe_index_put at 0x7fd3f8a8a200>, <OpOverload(op='aten.slice_scatter', overload='default')>: <function slice_scatter at 0x7fd3f8c0a980>, <OpOverload(op='aten.slice_scatter', overload='out')>: <function slice_scatter at 0x7fd3f8c0a980>, <OpOverload(op='aten.index_put_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad82c0>}
- experimental_experiment.torch_dynamo.get_decomposition_table()[source]¶
Returns the decomposition table needed to translate backward graph into onnx. It should used as follows:
import torch from torch._dynamo.backends.common import aot_autograd from experimental_experiment.torch_dynamo import get_decomposition_table aot_compiler = aot_autograd( fw_compiler=backend_debug, decompositions=get_decomposition_table() ) compiled_model = torch.compile( model, backend=aot_compiler, dynamic=dynamic, fullgraph=fullgraph, )
The value is:
<<<
import pprint from experimental_experiment.torch_dynamo import get_decomposition_table pprint.pprint(get_decomposition_table())
>>>
{<OpOverload(op='aten.embedding_dense_backward', overload='default')>: <function embedding_dense_backward at 0x7fd3f8c0a8e0>, <OpOverload(op='aten.native_layer_norm_backward', overload='default')>: <function native_layer_norm_backward at 0x7fd3f8a45ee0>}
- experimental_experiment.torch_dynamo.get_decomposition_table_by_name(name: str)[source]¶
Returns a predefined decomposition table.
- Parameters:
name – name see below
- Returns:
decomposition table
‘none’: do not decompose
‘default’:
get_decomposition_table()
‘onnxscript’:
get_decomposition_table_onnxscript()
‘dynamo’:
get_decomposition_table_dynamo()
- experimental_experiment.torch_dynamo.get_decomposition_table_dynamo(onnx_registry=None)[source]¶
Returns the decomposition table needed for the dynamo exporter.
- Parameters:
onnx_registry – instance of class
torch.onnx._internal.exporter.OnnxRegistry
The value is:
<<<
import pprint from experimental_experiment.torch_dynamo import get_decomposition_table_dynamo pprint.pprint(get_decomposition_table_dynamo())
>>>
/home/xadupre/github/experimental-experiment/experimental_experiment/torch_dynamo/__init__.py:140: DeprecationWarning: torch.onnx.dynamo_export is deprecated since 2.7.0. Please use torch.onnx.export(..., dynamo=True) instead. return create_onnx_friendly_decomposition_table(onnx_registry or OnnxRegistry()) /home/xadupre/vv/this312/lib/python3.12/site-packages/torch/onnx/_internal/_exporter_legacy.py:109: UserWarning: torch.onnx.dynamo_export only implements opset version 18 for now. If you need to use a different opset version, please register them with register_custom_op. warnings.warn( /home/xadupre/github/onnxscript/onnxscript/converter.py:823: FutureWarning: 'onnxscript.values.Op.param_schemas' is deprecated in version 0.1 and will be removed in the future. Please use '.op_signature' instead. param_schemas = callee.param_schemas() /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:438: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead ast.Num, /home/xadupre/github/onnxscript/onnxscript/converter.py:439: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead ast.Str, /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:823: FutureWarning: 'onnxscript.values.OnnxFunction.param_schemas' is deprecated in version 0.1 and will be removed in the future. Please use '.op_signature' instead. param_schemas = callee.param_schemas() /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Num is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( /home/xadupre/github/onnxscript/onnxscript/converter.py:431: DeprecationWarning: ast.Str is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance( {<torch._higher_order_ops.out_dtype.OutDtypeOperator object at 0x7fd3f920d640>: <function out_dtype_decomp at 0x7fd3f8aa9bc0>, <OpOverload(op='aten.softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14400>, kernel=<OpOverload(op='aten.softmax', overload='Dimname')>), <OpOverload(op='aten.conv_transpose2d', overload='input')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15a80>, kernel=<OpOverload(op='aten.conv_transpose2d', overload='input')>), <OpOverload(op='aten.isreal', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14fe0>, kernel=<OpOverload(op='aten.isreal', overload='default')>), <OpOverload(op='aten._dim_arange', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06020>, kernel=<OpOverload(op='aten._dim_arange', overload='default')>), <OpOverload(op='aten.linalg_tensorsolve', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06200>, kernel=<OpOverload(op='aten.linalg_tensorsolve', overload='default')>), <OpOverload(op='_test.get_first', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a520>, kernel=<OpOverload(op='_test.get_first', overload='default')>), <OpOverload(op='c10d_functional.reduce_scatter_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a5c0>, kernel=<OpOverload(op='c10d_functional.reduce_scatter_tensor', overload='default')>), <OpOverload(op='aten._remove_batch_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c053a0>, kernel=<OpOverload(op='aten._remove_batch_dim', overload='default')>), <OpOverload(op='aten.special_xlogy', overload='other_scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04c20>, kernel=<OpOverload(op='aten.special_xlogy', overload='other_scalar')>), <OpOverload(op='aten.linalg_vecdot', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05260>, kernel=<OpOverload(op='aten.linalg_vecdot', overload='default')>), <OpOverload(op='aten.inner', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07420>, kernel=<OpOverload(op='aten.inner', overload='default')>), <OpOverload(op='aten.nll_loss2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06840>, kernel=<OpOverload(op='aten.nll_loss2d', overload='default')>), <OpOverload(op='prepacked.unpack_prepacked_sizes_linear', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a0c0>, kernel=<OpOverload(op='prepacked.unpack_prepacked_sizes_linear', overload='default')>), <OpOverload(op='aten.fbgemm_linear_fp16_weight_fp32_activation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff100>, kernel=<OpOverload(op='aten.fbgemm_linear_fp16_weight_fp32_activation', overload='default')>), <OpOverload(op='aten._convolution_double_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfec00>, kernel=<OpOverload(op='aten._convolution_double_backward', overload='default')>), <OpOverload(op='aten.get_gradients', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe660>, kernel=<OpOverload(op='aten.get_gradients', overload='default')>), <OpOverload(op='aten.special_psi', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe340>, kernel=<OpOverload(op='aten.special_psi', overload='default')>), <OpOverload(op='c10d_functional.all_reduce', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a3e0>, kernel=<OpOverload(op='c10d_functional.all_reduce', overload='default')>), <OpOverload(op='aten._propagate_xla_data', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04720>, kernel=<OpOverload(op='aten._propagate_xla_data', overload='default')>), <OpOverload(op='aten.outer', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dffb00>, kernel=<OpOverload(op='aten.outer', overload='default')>), <OpOverload(op='aten.choose_qparams_optimized', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff6a0>, kernel=<OpOverload(op='aten.choose_qparams_optimized', overload='default')>), <OpOverload(op='aten.conv_transpose3d', overload='input')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff880>, kernel=<OpOverload(op='aten.conv_transpose3d', overload='input')>), <OpOverload(op='aten.fbgemm_linear_int8_weight_fp32_activation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc900>, kernel=<OpOverload(op='aten.fbgemm_linear_int8_weight_fp32_activation', overload='default')>), <OpOverload(op='aten._wrapped_linear_prepack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc540>, kernel=<OpOverload(op='aten._wrapped_linear_prepack', overload='default')>), <OpOverload(op='aten._sparse_mm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc220>, kernel=<OpOverload(op='aten._sparse_mm', overload='default')>), <OpOverload(op='aten.linalg_slogdet', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfdbc0>, kernel=<OpOverload(op='aten.linalg_slogdet', overload='default')>), <OpOverload(op='aten.matrix_exp_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfdc60>, kernel=<OpOverload(op='aten.matrix_exp_backward', overload='default')>), <OpOverload(op='aten._version', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd4e0>, kernel=<OpOverload(op='aten._version', overload='default')>), <OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd8a0>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_tensor')>), <OpOverload(op='aten._convolution', overload='deprecated')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfce00>, kernel=<OpOverload(op='aten._convolution', overload='deprecated')>), <OpOverload(op='aten.is_signed', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1aac0>, kernel=<OpOverload(op='aten.is_signed', overload='default')>), <OpOverload(op='aten.to_sparse', overload='sparse_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1ad40>, kernel=<OpOverload(op='aten.to_sparse', overload='sparse_dim')>), <OpOverload(op='aten.hstack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a5c0>, kernel=<OpOverload(op='aten.hstack', overload='default')>), <OpOverload(op='aten.cumulative_trapezoid', overload='x')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a7a0>, kernel=<OpOverload(op='aten.cumulative_trapezoid', overload='x')>), <OpOverload(op='aten.linalg_tensorinv', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d198a0>, kernel=<OpOverload(op='aten.linalg_tensorinv', overload='default')>), <OpOverload(op='aten.vander', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0ea20>, kernel=<OpOverload(op='aten.vander', overload='default')>), <OpOverload(op='aten.is_vulkan_available', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b4c0>, kernel=<OpOverload(op='aten.is_vulkan_available', overload='default')>), <OpOverload(op='aten.thnn_conv2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b060>, kernel=<OpOverload(op='aten.thnn_conv2d', overload='default')>), <OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18f40>, kernel=<OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value')>), <OpOverload(op='aten._use_cudnn_rnn_flatten_weight', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18400>, kernel=<OpOverload(op='aten._use_cudnn_rnn_flatten_weight', overload='default')>), <OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='tensor_qparams')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d187c0>, kernel=<OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='tensor_qparams')>), <OpOverload(op='aten.linalg_svdvals', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0ff60>, kernel=<OpOverload(op='aten.linalg_svdvals', overload='default')>), <OpOverload(op='aten.linalg_solve_ex', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0fba0>, kernel=<OpOverload(op='aten.linalg_solve_ex', overload='default')>), <OpOverload(op='aten.is_distributed', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19a80>, kernel=<OpOverload(op='aten.is_distributed', overload='default')>), <OpOverload(op='aten.retains_grad', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19d00>, kernel=<OpOverload(op='aten.retains_grad', overload='default')>), <OpOverload(op='aten.rms_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d194e0>, kernel=<OpOverload(op='aten.rms_norm', overload='default')>), <OpOverload(op='aten.unflatten_dense_tensors', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19620>, kernel=<OpOverload(op='aten.unflatten_dense_tensors', overload='default')>), <OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0eb60>, kernel=<OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value_size')>), <OpOverload(op='aten._test_serialization_subcmul', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0eca0>, kernel=<OpOverload(op='aten._test_serialization_subcmul', overload='default')>), <OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e8e0>, kernel=<OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value_size')>), <OpOverload(op='aten._cast_Long', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e2a0>, kernel=<OpOverload(op='aten._cast_Long', overload='default')>), <OpOverload(op='aten.conv_tbc_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e340>, kernel=<OpOverload(op='aten.conv_tbc_backward', overload='default')>), <OpOverload(op='aten._sparse_coo_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e020>, kernel=<OpOverload(op='aten._sparse_coo_tensor_unsafe', overload='default')>), <OpOverload(op='aten.bilinear', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f2e0>, kernel=<OpOverload(op='aten.bilinear', overload='default')>), <OpOverload(op='aten._validate_sparse_compressed_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0ed40>, kernel=<OpOverload(op='aten._validate_sparse_compressed_tensor_args', overload='default')>), <OpOverload(op='aten._cast_Int', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17560>, kernel=<OpOverload(op='aten._cast_Int', overload='default')>), <OpOverload(op='aten.fake_quantize_per_tensor_affine_cachemask_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16de0>, kernel=<OpOverload(op='aten.fake_quantize_per_tensor_affine_cachemask_backward', overload='default')>), <OpOverload(op='aten.adaptive_avg_pool2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16a20>, kernel=<OpOverload(op='aten.adaptive_avg_pool2d', overload='default')>), <OpOverload(op='aten.fake_quantize_per_channel_affine', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16160>, kernel=<OpOverload(op='aten.fake_quantize_per_channel_affine', overload='default')>), <OpOverload(op='aten.special_polygamma', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05d00>, kernel=<OpOverload(op='aten.special_polygamma', overload='default')>), <OpOverload(op='aten.gather_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14c20>, kernel=<OpOverload(op='aten.gather_backward', overload='default')>), <OpOverload(op='aten.special_multigammaln', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc5e0>, kernel=<OpOverload(op='aten.special_multigammaln', overload='default')>), <OpOverload(op='aten.native_channel_shuffle', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14860>, kernel=<OpOverload(op='aten.native_channel_shuffle', overload='default')>), <OpOverload(op='aten.ger', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07ce0>, kernel=<OpOverload(op='aten.ger', overload='default')>), <OpOverload(op='aten._lu_with_info', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07f60>, kernel=<OpOverload(op='aten._lu_with_info', overload='default')>), <OpOverload(op='aten.data', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15bc0>, kernel=<OpOverload(op='aten.data', overload='default')>), <OpOverload(op='aten._is_zerotensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16020>, kernel=<OpOverload(op='aten._is_zerotensor', overload='default')>), <OpOverload(op='aten.special_log1p', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15b20>, kernel=<OpOverload(op='aten.special_log1p', overload='default')>), <OpOverload(op='aten.cudnn_is_acceptable', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c153a0>, kernel=<OpOverload(op='aten.cudnn_is_acceptable', overload='default')>), <OpOverload(op='aten.linalg_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15760>, kernel=<OpOverload(op='aten.linalg_norm', overload='default')>), <OpOverload(op='aten.gradient', overload='scalarrayint')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14f40>, kernel=<OpOverload(op='aten.gradient', overload='scalarrayint')>), <OpOverload(op='aten._sparse_softmax', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c060c0>, kernel=<OpOverload(op='aten._sparse_softmax', overload='int')>), <OpOverload(op='aten.result_type', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c059e0>, kernel=<OpOverload(op='aten.result_type', overload='Scalar')>), <OpOverload(op='aten._cast_Byte', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05620>, kernel=<OpOverload(op='aten._cast_Byte', overload='default')>), <OpOverload(op='aten.to_sparse', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04d60>, kernel=<OpOverload(op='aten.to_sparse', overload='default')>), <OpOverload(op='aten._test_ambiguous_defaults', overload='a')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07600>, kernel=<OpOverload(op='aten._test_ambiguous_defaults', overload='a')>), <OpOverload(op='aten.special_gammainc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06d40>, kernel=<OpOverload(op='aten.special_gammainc', overload='default')>), <OpOverload(op='aten.triplet_margin_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06b60>, kernel=<OpOverload(op='aten.triplet_margin_loss', overload='default')>), <OpOverload(op='aten.to_sparse_bsc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfef20>, kernel=<OpOverload(op='aten.to_sparse_bsc', overload='default')>), <OpOverload(op='aten._backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfeca0>, kernel=<OpOverload(op='aten._backward', overload='default')>), <OpOverload(op='aten._reshape_from_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfee80>, kernel=<OpOverload(op='aten._reshape_from_tensor', overload='default')>), <OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfdee0>, kernel=<OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value_size')>), <OpOverload(op='aten._pack_padded_sequence_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe2a0>, kernel=<OpOverload(op='aten._pack_padded_sequence_backward', overload='default')>), <OpOverload(op='aten.linalg_matrix_rank', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04900>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='default')>), <OpOverload(op='aten.is_leaf', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff7e0>, kernel=<OpOverload(op='aten.is_leaf', overload='default')>), <OpOverload(op='aten._has_compatible_shallow_copy_type', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dffa60>, kernel=<OpOverload(op='aten._has_compatible_shallow_copy_type', overload='default')>), <OpOverload(op='aten.cumulative_trapezoid', overload='dx')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17600>, kernel=<OpOverload(op='aten.cumulative_trapezoid', overload='dx')>), <OpOverload(op='quantized.conv2d_unpack_sizes', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1ad40>, kernel=<OpOverload(op='quantized.conv2d_unpack_sizes', overload='default')>), <OpOverload(op='aten._cast_Float', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16fc0>, kernel=<OpOverload(op='aten._cast_Float', overload='default')>), <OpOverload(op='aten._cast_Half', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16840>, kernel=<OpOverload(op='aten._cast_Half', overload='default')>), <OpOverload(op='aten.ctc_loss', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16520>, kernel=<OpOverload(op='aten.ctc_loss', overload='Tensor')>), <OpOverload(op='aten._sparse_softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1bce0>, kernel=<OpOverload(op='aten._sparse_softmax', overload='Dimname')>), <OpOverload(op='aten.trapezoid', overload='x')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18540>, kernel=<OpOverload(op='aten.trapezoid', overload='x')>), <OpOverload(op='aten.linalg_solve', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17f60>, kernel=<OpOverload(op='aten.linalg_solve', overload='default')>), <OpOverload(op='aten._sobol_engine_draw', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18360>, kernel=<OpOverload(op='aten._sobol_engine_draw', overload='default')>), <OpOverload(op='aten.gradient', overload='array')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14cc0>, kernel=<OpOverload(op='aten.gradient', overload='array')>), <OpOverload(op='aten.result_type', overload='Scalar_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1ae80>, kernel=<OpOverload(op='aten.result_type', overload='Scalar_Scalar')>), <OpOverload(op='aten.histogramdd', overload='int_bins')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14540>, kernel=<OpOverload(op='aten.histogramdd', overload='int_bins')>), <OpOverload(op='aten.slogdet', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14180>, kernel=<OpOverload(op='aten.slogdet', overload='default')>), <OpOverload(op='aten.trapz', overload='x')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15c60>, kernel=<OpOverload(op='aten.trapz', overload='x')>), <OpOverload(op='aten.nanmean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c158a0>, kernel=<OpOverload(op='aten.nanmean', overload='default')>), <OpOverload(op='aten.tensordot', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15940>, kernel=<OpOverload(op='aten.tensordot', overload='default')>), <OpOverload(op='aten.result_type', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16340>, kernel=<OpOverload(op='aten.result_type', overload='Tensor')>), <OpOverload(op='aten.cummaxmin_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05da0>, kernel=<OpOverload(op='aten.cummaxmin_backward', overload='default')>), <OpOverload(op='_test.leaky_relu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a660>, kernel=<OpOverload(op='_test.leaky_relu', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='dim_dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05c60>, kernel=<OpOverload(op='aten._sparse_sum', overload='dim_dtype')>), <OpOverload(op='aten.cumprod_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04cc0>, kernel=<OpOverload(op='aten.cumprod_backward', overload='default')>), <OpOverload(op='aten._batch_norm_impl_index_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04f40>, kernel=<OpOverload(op='aten._batch_norm_impl_index_backward', overload='default')>), <OpOverload(op='aten.nuclear_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c076a0>, kernel=<OpOverload(op='aten.nuclear_norm', overload='default')>), <OpOverload(op='aten.vstack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07060>, kernel=<OpOverload(op='aten.vstack', overload='default')>), <OpOverload(op='aten.special_round', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c071a0>, kernel=<OpOverload(op='aten.special_round', overload='default')>), <OpOverload(op='aten.msort', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06980>, kernel=<OpOverload(op='aten.msort', overload='default')>), <OpOverload(op='aten.argsort', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06520>, kernel=<OpOverload(op='aten.argsort', overload='dimname')>), <OpOverload(op='mkldnn._is_mkldnn_bf16_supported', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a160>, kernel=<OpOverload(op='mkldnn._is_mkldnn_bf16_supported', overload='default')>), <OpOverload(op='aten._cast_Double', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff060>, kernel=<OpOverload(op='aten._cast_Double', overload='default')>), <OpOverload(op='aten._pad_circular', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfeac0>, kernel=<OpOverload(op='aten._pad_circular', overload='default')>), <OpOverload(op='aten.index_select_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe7a0>, kernel=<OpOverload(op='aten.index_select_backward', overload='default')>), <OpOverload(op='_test.cat', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19ee0>, kernel=<OpOverload(op='_test.cat', overload='default')>), <OpOverload(op='aten.linalg_matmul', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe0c0>, kernel=<OpOverload(op='aten.linalg_matmul', overload='default')>), <OpOverload(op='aten.kron', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18220>, kernel=<OpOverload(op='aten.kron', overload='default')>), <OpOverload(op='aten.to_dense_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04680>, kernel=<OpOverload(op='aten.to_dense_backward', overload='default')>), <OpOverload(op='aten.linalg_pinv', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c044a0>, kernel=<OpOverload(op='aten.linalg_pinv', overload='default')>), <OpOverload(op='aten.linalg_pinv', overload='atol_rtol_float')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dffce0>, kernel=<OpOverload(op='aten.linalg_pinv', overload='atol_rtol_float')>), <OpOverload(op='aten.diagflat', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04040>, kernel=<OpOverload(op='aten.diagflat', overload='default')>), <OpOverload(op='aten.value_selecting_reduction_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19c60>, kernel=<OpOverload(op='aten.value_selecting_reduction_backward', overload='default')>), <OpOverload(op='aten.to_dense', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c171a0>, kernel=<OpOverload(op='aten.to_dense', overload='default')>), <OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e0c0>, kernel=<OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value')>), <OpOverload(op='aten.cov', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18680>, kernel=<OpOverload(op='aten.cov', overload='default')>), <OpOverload(op='aten.linalg_cond', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16f20>, kernel=<OpOverload(op='aten.linalg_cond', overload='default')>), <OpOverload(op='aten.argwhere', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16b60>, kernel=<OpOverload(op='aten.argwhere', overload='default')>), <OpOverload(op='aten.is_inference', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c167a0>, kernel=<OpOverload(op='aten.is_inference', overload='default')>), <OpOverload(op='aten.is_conj', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16660>, kernel=<OpOverload(op='aten.is_conj', overload='default')>), <OpOverload(op='aten.row_stack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18860>, kernel=<OpOverload(op='aten.row_stack', overload='default')>), <OpOverload(op='aten.sparse_csc_tensor', overload='ccol_row_value_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18400>, kernel=<OpOverload(op='aten.sparse_csc_tensor', overload='ccol_row_value_size')>), <OpOverload(op='aten.rnn_relu_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18040>, kernel=<OpOverload(op='aten.rnn_relu_cell', overload='default')>), <OpOverload(op='aten.adaptive_avg_pool1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17ce0>, kernel=<OpOverload(op='aten.adaptive_avg_pool1d', overload='default')>), <OpOverload(op='aten._to_cpu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17a60>, kernel=<OpOverload(op='aten._to_cpu', overload='default')>), <OpOverload(op='aten.fliplr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19800>, kernel=<OpOverload(op='aten.fliplr', overload='default')>), <OpOverload(op='aten.one_hot', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07ba0>, kernel=<OpOverload(op='aten.one_hot', overload='default')>), <OpOverload(op='aten.sparse_csc_tensor', overload='ccol_row_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07e20>, kernel=<OpOverload(op='aten.sparse_csc_tensor', overload='ccol_row_value')>), <OpOverload(op='aten.matrix_power', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfda80>, kernel=<OpOverload(op='aten.matrix_power', overload='default')>), <OpOverload(op='aten.align_tensors', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c159e0>, kernel=<OpOverload(op='aten.align_tensors', overload='default')>), <OpOverload(op='aten.cdist', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15620>, kernel=<OpOverload(op='aten.cdist', overload='default')>), <OpOverload(op='aten.special_gammaln', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05ee0>, kernel=<OpOverload(op='aten.special_gammaln', overload='default')>), <OpOverload(op='aten.chalf', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05800>, kernel=<OpOverload(op='aten.chalf', overload='default')>), <OpOverload(op='aten.linalg_pinv', overload='rcond_tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05b20>, kernel=<OpOverload(op='aten.linalg_pinv', overload='rcond_tensor')>), <OpOverload(op='aten.to_sparse_csr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04b80>, kernel=<OpOverload(op='aten.to_sparse_csr', overload='default')>), <OpOverload(op='aten.linalg_vander', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c077e0>, kernel=<OpOverload(op='aten.linalg_vander', overload='default')>), <OpOverload(op='aten.ctc_loss', overload='IntList')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06fc0>, kernel=<OpOverload(op='aten.ctc_loss', overload='IntList')>), <OpOverload(op='aten._pad_packed_sequence', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c065c0>, kernel=<OpOverload(op='aten._pad_packed_sequence', overload='default')>), <OpOverload(op='aten.fbgemm_linear_fp16_weight', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfefc0>, kernel=<OpOverload(op='aten.fbgemm_linear_fp16_weight', overload='default')>), <OpOverload(op='aten._weight_norm_differentiable_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff240>, kernel=<OpOverload(op='aten._weight_norm_differentiable_backward', overload='default')>), <OpOverload(op='aten.lstm_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfeb60>, kernel=<OpOverload(op='aten.lstm_cell', overload='default')>), <OpOverload(op='aten._grid_sampler_2d_cpu_fallback_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfed40>, kernel=<OpOverload(op='aten._grid_sampler_2d_cpu_fallback_backward', overload='default')>), <OpOverload(op='aten.masked_select_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe5c0>, kernel=<OpOverload(op='aten.masked_select_backward', overload='default')>), <OpOverload(op='aten._saturate_weight_to_fp16', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe160>, kernel=<OpOverload(op='aten._saturate_weight_to_fp16', overload='default')>), <OpOverload(op='c10d_functional.broadcast', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a340>, kernel=<OpOverload(op='c10d_functional.broadcast', overload='default')>), <OpOverload(op='aten._sparse_bsr_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c040e0>, kernel=<OpOverload(op='aten._sparse_bsr_tensor_unsafe', overload='default')>), <OpOverload(op='aten.fbgemm_linear_quantize_weight', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff4c0>, kernel=<OpOverload(op='aten.fbgemm_linear_quantize_weight', overload='default')>), <OpOverload(op='aten.pinverse', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfca40>, kernel=<OpOverload(op='aten.pinverse', overload='default')>), <OpOverload(op='aten.quantized_rnn_tanh_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfcb80>, kernel=<OpOverload(op='aten.quantized_rnn_tanh_cell', overload='default')>), <OpOverload(op='aten.fbgemm_pack_quantized_matrix', overload='KN')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0d8a0>, kernel=<OpOverload(op='aten.fbgemm_pack_quantized_matrix', overload='KN')>), <OpOverload(op='aten._add_batch_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc040>, kernel=<OpOverload(op='aten._add_batch_dim', overload='default')>), <OpOverload(op='aten.linalg_eigh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd580>, kernel=<OpOverload(op='aten.linalg_eigh', overload='default')>), <OpOverload(op='aten.qr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd3a0>, kernel=<OpOverload(op='aten.qr', overload='default')>), <OpOverload(op='aten._scaled_dot_product_attention_math', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07ec0>, kernel=<OpOverload(op='aten._scaled_dot_product_attention_math', overload='default')>), <OpOverload(op='aten._validate_sparse_csc_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1ab60>, kernel=<OpOverload(op='aten._validate_sparse_csc_tensor_args', overload='default')>), <OpOverload(op='profiler._record_function_exit', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c191c0>, kernel=<OpOverload(op='profiler._record_function_exit', overload='default')>), <OpOverload(op='aten.linalg_eigvalsh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a480>, kernel=<OpOverload(op='aten.linalg_eigvalsh', overload='default')>), <OpOverload(op='aten._sparse_compressed_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a700>, kernel=<OpOverload(op='aten._sparse_compressed_tensor_unsafe', overload='default')>), <OpOverload(op='aten._sparse_bsc_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a340>, kernel=<OpOverload(op='aten._sparse_bsc_tensor_unsafe', overload='default')>), <OpOverload(op='aten.linalg_matrix_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1bc40>, kernel=<OpOverload(op='aten.linalg_matrix_norm', overload='default')>), <OpOverload(op='aten._wrapped_quantized_linear_prepacked', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1bd80>, kernel=<OpOverload(op='aten._wrapped_quantized_linear_prepacked', overload='default')>), <OpOverload(op='aten.special_i0', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b880>, kernel=<OpOverload(op='aten.special_i0', overload='default')>), <OpOverload(op='aten.rnn_tanh_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b560>, kernel=<OpOverload(op='aten.rnn_tanh_cell', overload='default')>), <OpOverload(op='aten.l1_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18c20>, kernel=<OpOverload(op='aten.l1_loss', overload='default')>), <OpOverload(op='aten.fbgemm_pack_quantized_matrix', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d184a0>, kernel=<OpOverload(op='aten.fbgemm_pack_quantized_matrix', overload='default')>), <OpOverload(op='aten._sparse_log_softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d180e0>, kernel=<OpOverload(op='aten._sparse_log_softmax', overload='Dimname')>), <OpOverload(op='aten.flipud', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19940>, kernel=<OpOverload(op='aten.flipud', overload='default')>), <OpOverload(op='aten.special_xlogy', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d193a0>, kernel=<OpOverload(op='aten.special_xlogy', overload='default')>), <OpOverload(op='aten._nnpack_available', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d191c0>, kernel=<OpOverload(op='aten._nnpack_available', overload='default')>), <OpOverload(op='aten._test_autograd_multiple_dispatch', overload='ntonly')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0eac0>, kernel=<OpOverload(op='aten._test_autograd_multiple_dispatch', overload='ntonly')>), <OpOverload(op='mkldnn._is_mkldnn_fp16_supported', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18cc0>, kernel=<OpOverload(op='mkldnn._is_mkldnn_fp16_supported', overload='default')>), <OpOverload(op='aten._rowwise_prune', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e700>, kernel=<OpOverload(op='aten._rowwise_prune', overload='default')>), <OpOverload(op='aten.frobenius_norm', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0dee0>, kernel=<OpOverload(op='aten.frobenius_norm', overload='dim')>), <OpOverload(op='aten.is_neg', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0fa60>, kernel=<OpOverload(op='aten.is_neg', overload='default')>), <OpOverload(op='aten.result_type', overload='Scalar_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f6a0>, kernel=<OpOverload(op='aten.result_type', overload='Scalar_Tensor')>), <OpOverload(op='aten.gradient', overload='scalararray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f740>, kernel=<OpOverload(op='aten.gradient', overload='scalararray')>), <OpOverload(op='aten.diff', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f1a0>, kernel=<OpOverload(op='aten.diff', overload='default')>), <OpOverload(op='aten.linalg_cholesky', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f240>, kernel=<OpOverload(op='aten.linalg_cholesky', overload='default')>), <OpOverload(op='aten.special_expit', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e520>, kernel=<OpOverload(op='aten.special_expit', overload='default')>), <OpOverload(op='aten.argsort', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16ac0>, kernel=<OpOverload(op='aten.argsort', overload='default')>), <OpOverload(op='aten.nested_to_padded_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16480>, kernel=<OpOverload(op='aten.nested_to_padded_tensor', overload='default')>), <OpOverload(op='aten.fbgemm_pack_gemm_matrix_fp16', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0d760>, kernel=<OpOverload(op='aten.fbgemm_pack_gemm_matrix_fp16', overload='default')>), <OpOverload(op='aten.is_floating_point', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c184a0>, kernel=<OpOverload(op='aten.is_floating_point', overload='default')>), <OpOverload(op='aten.output_nr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14900>, kernel=<OpOverload(op='aten.output_nr', overload='default')>), <OpOverload(op='aten._thnn_differentiable_lstm_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c147c0>, kernel=<OpOverload(op='aten._thnn_differentiable_lstm_cell_backward', overload='default')>), <OpOverload(op='aten.cosine_embedding_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14360>, kernel=<OpOverload(op='aten.cosine_embedding_loss', overload='default')>), <OpOverload(op='mkldnn._is_mkldnn_acl_supported', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1aa20>, kernel=<OpOverload(op='mkldnn._is_mkldnn_acl_supported', overload='default')>), <OpOverload(op='aten.sparse_coo_tensor', overload='indices')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15260>, kernel=<OpOverload(op='aten.sparse_coo_tensor', overload='indices')>), <OpOverload(op='aten._sparse_mm', overload='reduce')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14ea0>, kernel=<OpOverload(op='aten._sparse_mm', overload='reduce')>), <OpOverload(op='aten.to_sparse_csc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c058a0>, kernel=<OpOverload(op='aten.to_sparse_csc', overload='default')>), <OpOverload(op='aten.linalg_lu_factor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05bc0>, kernel=<OpOverload(op='aten.linalg_lu_factor', overload='default')>), <OpOverload(op='aten._choose_qparams_per_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05580>, kernel=<OpOverload(op='aten._choose_qparams_per_tensor', overload='default')>), <OpOverload(op='aten.embedding_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c051c0>, kernel=<OpOverload(op='aten.embedding_backward', overload='default')>), <OpOverload(op='aten.align_as', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07740>, kernel=<OpOverload(op='aten.align_as', overload='default')>), <OpOverload(op='aten._validate_sparse_bsc_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c072e0>, kernel=<OpOverload(op='aten._validate_sparse_bsc_tensor_args', overload='default')>), <OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06ac0>, kernel=<OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value')>), <OpOverload(op='aten.nanquantile', overload='scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06c00>, kernel=<OpOverload(op='aten.nanquantile', overload='scalar')>), <OpOverload(op='c10d_functional.all_to_all_single', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a700>, kernel=<OpOverload(op='c10d_functional.all_to_all_single', overload='default')>), <OpOverload(op='aten._cast_Char', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff1a0>, kernel=<OpOverload(op='aten._cast_Char', overload='default')>), <OpOverload(op='aten.dstack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19440>, kernel=<OpOverload(op='aten.dstack', overload='default')>), <OpOverload(op='aten.linalg_multi_dot', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe3e0>, kernel=<OpOverload(op='aten.linalg_multi_dot', overload='default')>), <OpOverload(op='aten._validate_sparse_bsr_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe700>, kernel=<OpOverload(op='aten._validate_sparse_bsr_tensor_args', overload='default')>), <OpOverload(op='aten.special_erfinv', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfdf80>, kernel=<OpOverload(op='aten.special_erfinv', overload='default')>), <OpOverload(op='aten.adaptive_avg_pool3d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c049a0>, kernel=<OpOverload(op='aten.adaptive_avg_pool3d', overload='default')>), <OpOverload(op='c10d_functional.all_gather_into_tensor_coalesced', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a2a0>, kernel=<OpOverload(op='c10d_functional.all_gather_into_tensor_coalesced', overload='default')>), <OpOverload(op='aten.gradient', overload='scalarint')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c047c0>, kernel=<OpOverload(op='aten.gradient', overload='scalarint')>), <OpOverload(op='aten._pad_enum', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dffba0>, kernel=<OpOverload(op='aten._pad_enum', overload='default')>), <OpOverload(op='aten.special_logsumexp', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04180>, kernel=<OpOverload(op='aten.special_logsumexp', overload='default')>), <OpOverload(op='aten.column_stack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff740>, kernel=<OpOverload(op='aten.column_stack', overload='default')>), <OpOverload(op='aten._debug_has_internal_overlap', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc9a0>, kernel=<OpOverload(op='aten._debug_has_internal_overlap', overload='default')>), <OpOverload(op='aten.sparse_coo_tensor', overload='indices_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc4a0>, kernel=<OpOverload(op='aten.sparse_coo_tensor', overload='indices_size')>), <OpOverload(op='aten.linalg_inv', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc360>, kernel=<OpOverload(op='aten.linalg_inv', overload='default')>), <OpOverload(op='aten._cast_Short', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07a60>, kernel=<OpOverload(op='aten._cast_Short', overload='default')>), <OpOverload(op='c10d_functional.all_gather_into_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19a80>, kernel=<OpOverload(op='c10d_functional.all_gather_into_tensor', overload='default')>), <OpOverload(op='aten.adaptive_max_pool1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfde40>, kernel=<OpOverload(op='aten.adaptive_max_pool1d', overload='default')>), <OpOverload(op='aten.flatten_dense_tensors', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd620>, kernel=<OpOverload(op='aten.flatten_dense_tensors', overload='default')>), <OpOverload(op='aten.linalg_ldl_factor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd260>, kernel=<OpOverload(op='aten.linalg_ldl_factor', overload='default')>), <OpOverload(op='aten.chain_matmul', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfcfe0>, kernel=<OpOverload(op='aten.chain_matmul', overload='default')>), <OpOverload(op='aten._thnn_differentiable_gru_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a2a0>, kernel=<OpOverload(op='aten._thnn_differentiable_gru_cell_backward', overload='default')>), <OpOverload(op='profiler._record_function_enter_new', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19620>, kernel=<OpOverload(op='profiler._record_function_enter_new', overload='default')>), <OpOverload(op='aten.gradient', overload='tensorarray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c063e0>, kernel=<OpOverload(op='aten.gradient', overload='tensorarray')>), <OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_float')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b240>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_float')>), <OpOverload(op='aten._cufft_set_plan_cache_max_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b9c0>, kernel=<OpOverload(op='aten._cufft_set_plan_cache_max_size', overload='default')>), <OpOverload(op='aten.linalg_svd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1bb00>, kernel=<OpOverload(op='aten.linalg_svd', overload='default')>), <OpOverload(op='aten.argsort', overload='stable')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b420>, kernel=<OpOverload(op='aten.argsort', overload='stable')>), <OpOverload(op='aten.nuclear_norm', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18fe0>, kernel=<OpOverload(op='aten.nuclear_norm', overload='dim')>), <OpOverload(op='inductor._alloc_from_pool', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c198a0>, kernel=<OpOverload(op='inductor._alloc_from_pool', overload='default')>), <OpOverload(op='aten.gradient', overload='tensorarrayint')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b2e0>, kernel=<OpOverload(op='aten.gradient', overload='tensorarrayint')>), <OpOverload(op='aten.can_cast', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18860>, kernel=<OpOverload(op='aten.can_cast', overload='default')>), <OpOverload(op='aten._test_string_default', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18180>, kernel=<OpOverload(op='aten._test_string_default', overload='default')>), <OpOverload(op='aten.linalg_matrix_power', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18040>, kernel=<OpOverload(op='aten.linalg_matrix_power', overload='default')>), <OpOverload(op='aten._embedding_bag_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0fce0>, kernel=<OpOverload(op='aten._embedding_bag_sparse_backward', overload='default')>), <OpOverload(op='c10d_functional.wait_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19120>, kernel=<OpOverload(op='c10d_functional.wait_tensor', overload='default')>), <OpOverload(op='aten.quantile', overload='scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19e40>, kernel=<OpOverload(op='aten.quantile', overload='scalar')>), <OpOverload(op='aten._validate_sparse_coo_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d199e0>, kernel=<OpOverload(op='aten._validate_sparse_coo_tensor_args', overload='default')>), <OpOverload(op='aten.special_gammaincc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19da0>, kernel=<OpOverload(op='aten.special_gammaincc', overload='default')>), <OpOverload(op='aten._validate_sparse_csr_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19bc0>, kernel=<OpOverload(op='aten._validate_sparse_csr_tensor_args', overload='default')>), <OpOverload(op='aten.quantized_gru_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19760>, kernel=<OpOverload(op='aten.quantized_gru_cell', overload='default')>), <OpOverload(op='aten.cosine_similarity', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19260>, kernel=<OpOverload(op='aten.cosine_similarity', overload='default')>), <OpOverload(op='aten._sparse_log_softmax', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff380>, kernel=<OpOverload(op='aten._sparse_log_softmax', overload='int')>), <OpOverload(op='aten.nll_loss_nd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0c040>, kernel=<OpOverload(op='aten.nll_loss_nd', overload='default')>), <OpOverload(op='aten.smm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f920>, kernel=<OpOverload(op='aten.smm', overload='default')>), <OpOverload(op='aten.trace_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f7e0>, kernel=<OpOverload(op='aten.trace_backward', overload='default')>), <OpOverload(op='aten.slow_conv3d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0ede0>, kernel=<OpOverload(op='aten.slow_conv3d', overload='default')>), <OpOverload(op='aten.combinations', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0ef20>, kernel=<OpOverload(op='aten.combinations', overload='default')>), <OpOverload(op='aten._sparse_csr_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfcc20>, kernel=<OpOverload(op='aten._sparse_csr_tensor_unsafe', overload='default')>), <OpOverload(op='aten.inverse', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc7c0>, kernel=<OpOverload(op='aten.inverse', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc180>, kernel=<OpOverload(op='aten._sparse_sum', overload='default')>), <OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b6a0>, kernel=<OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='default')>), <OpOverload(op='aten.multilabel_margin_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfdd00>, kernel=<OpOverload(op='aten.multilabel_margin_loss', overload='default')>), <OpOverload(op='aten.fake_quantize_per_channel_affine_cachemask_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd800>, kernel=<OpOverload(op='aten.fake_quantize_per_channel_affine_cachemask_backward', overload='default')>), <OpOverload(op='aten.embedding_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfcea0>, kernel=<OpOverload(op='aten.embedding_sparse_backward', overload='default')>), <OpOverload(op='aten.special_digamma', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfcd60>, kernel=<OpOverload(op='aten.special_digamma', overload='default')>), <OpOverload(op='aten.promote_types', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1aca0>, kernel=<OpOverload(op='aten.promote_types', overload='default')>), <OpOverload(op='aten.quantized_rnn_relu_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1ade0>, kernel=<OpOverload(op='aten.quantized_rnn_relu_cell', overload='default')>), <OpOverload(op='profiler._record_function_enter', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19800>, kernel=<OpOverload(op='profiler._record_function_enter', overload='default')>), <OpOverload(op='aten.histogramdd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a980>, kernel=<OpOverload(op='aten.histogramdd', overload='default')>), <OpOverload(op='c10d_functional.all_reduce_coalesced', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c196c0>, kernel=<OpOverload(op='c10d_functional.all_reduce_coalesced', overload='default')>), <OpOverload(op='aten.kl_div', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a520>, kernel=<OpOverload(op='aten.kl_div', overload='default')>), <OpOverload(op='aten._weight_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a840>, kernel=<OpOverload(op='aten._weight_norm', overload='default')>), <OpOverload(op='aten._gather_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a160>, kernel=<OpOverload(op='aten._gather_sparse_backward', overload='default')>), <OpOverload(op='aten.conv_transpose1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc400>, kernel=<OpOverload(op='aten.conv_transpose1d', overload='default')>), <OpOverload(op='aten.sspaddmm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1be20>, kernel=<OpOverload(op='aten.sspaddmm', overload='default')>), <OpOverload(op='aten.take_along_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b920>, kernel=<OpOverload(op='aten.take_along_dim', overload='default')>), <OpOverload(op='aten.linalg_matrix_rank', overload='tol_tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1bba0>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='tol_tensor')>), <OpOverload(op='aten.corrcoef', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b7e0>, kernel=<OpOverload(op='aten.corrcoef', overload='default')>), <OpOverload(op='aten.nanquantile', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1af20>, kernel=<OpOverload(op='aten.nanquantile', overload='default')>), <OpOverload(op='aten.poisson_nll_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b1a0>, kernel=<OpOverload(op='aten.poisson_nll_loss', overload='default')>), <OpOverload(op='aten.trapezoid', overload='dx')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18e00>, kernel=<OpOverload(op='aten.trapezoid', overload='dx')>), <OpOverload(op='aten.matrix_exp', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18360>, kernel=<OpOverload(op='aten.matrix_exp', overload='default')>), <OpOverload(op='aten._cufft_get_plan_cache_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0efc0>, kernel=<OpOverload(op='aten._cufft_get_plan_cache_size', overload='default')>), <OpOverload(op='aten.to_sparse_bsr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1bec0>, kernel=<OpOverload(op='aten.to_sparse_bsr', overload='default')>), <OpOverload(op='aten.trapz', overload='dx')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d182c0>, kernel=<OpOverload(op='aten.trapz', overload='dx')>), <OpOverload(op='aten.special_exp2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0fc40>, kernel=<OpOverload(op='aten.special_exp2', overload='default')>), <OpOverload(op='aten.fbgemm_linear_int8_weight', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0fe20>, kernel=<OpOverload(op='aten.fbgemm_linear_int8_weight', overload='default')>), <OpOverload(op='aten.lu_solve', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19300>, kernel=<OpOverload(op='aten.lu_solve', overload='default')>), <OpOverload(op='aten._test_ambiguous_defaults', overload='b')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0ec00>, kernel=<OpOverload(op='aten._test_ambiguous_defaults', overload='b')>), <OpOverload(op='aten._convolution_mode', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e5c0>, kernel=<OpOverload(op='aten._convolution_mode', overload='default')>), <OpOverload(op='aten._thnn_fused_lstm_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e980>, kernel=<OpOverload(op='aten._thnn_fused_lstm_cell_backward', overload='default')>), <OpOverload(op='aten.affine_grid_generator_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e7a0>, kernel=<OpOverload(op='aten.affine_grid_generator_backward', overload='default')>), <OpOverload(op='aten._sparse_csc_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e200>, kernel=<OpOverload(op='aten._sparse_csc_tensor_unsafe', overload='default')>), <OpOverload(op='aten.sum_to_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e3e0>, kernel=<OpOverload(op='aten.sum_to_size', overload='default')>), <OpOverload(op='aten.infinitely_differentiable_gelu_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0c0e0>, kernel=<OpOverload(op='aten.infinitely_differentiable_gelu_backward', overload='default')>), <OpOverload(op='aten.linalg_matrix_norm', overload='str_ord')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e160>, kernel=<OpOverload(op='aten.linalg_matrix_norm', overload='str_ord')>), <OpOverload(op='aten.to_mkldnn_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0fb00>, kernel=<OpOverload(op='aten.to_mkldnn_backward', overload='default')>), <OpOverload(op='aten.orgqr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f560>, kernel=<OpOverload(op='aten.orgqr', overload='default')>), <OpOverload(op='aten._cufft_get_plan_cache_max_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f420>, kernel=<OpOverload(op='aten._cufft_get_plan_cache_max_size', overload='default')>), <OpOverload(op='aten.quantile', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f380>, kernel=<OpOverload(op='aten.quantile', overload='default')>), <OpOverload(op='c10d_functional.reduce_scatter_tensor_coalesced', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18fe0>, kernel=<OpOverload(op='c10d_functional.reduce_scatter_tensor_coalesced', overload='default')>), <OpOverload(op='prepacked.unpack_prepacked_sizes_conv2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19d00>, kernel=<OpOverload(op='prepacked.unpack_prepacked_sizes_conv2d', overload='default')>), <OpOverload(op='aten.special_xlogy', overload='self_scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfccc0>, kernel=<OpOverload(op='aten.special_xlogy', overload='self_scalar')>), <OpOverload(op='aten._shape_as_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc680>, kernel=<OpOverload(op='aten._shape_as_tensor', overload='default')>), <OpOverload(op='aten.gradient', overload='scalarrayarray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc0e0>, kernel=<OpOverload(op='aten.gradient', overload='scalarrayarray')>), <OpOverload(op='aten.norm_except_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfdda0>, kernel=<OpOverload(op='aten.norm_except_dim', overload='default')>), <OpOverload(op='aten.gru_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1bf60>, kernel=<OpOverload(op='aten.gru_cell', overload='default')>), <OpOverload(op='aten.quantized_lstm_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd440>, kernel=<OpOverload(op='aten.quantized_lstm_cell', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd1c0>, kernel=<OpOverload(op='aten._sparse_sum', overload='dtype')>), <OpOverload(op='aten.special_logit', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd080>, kernel=<OpOverload(op='aten.special_logit', overload='default')>), <OpOverload(op='aten._cufft_clear_plan_cache', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1ba60>, kernel=<OpOverload(op='aten._cufft_clear_plan_cache', overload='default')>), <OpOverload(op='aten.linalg_cond', overload='p_str')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18ae0>, kernel=<OpOverload(op='aten.linalg_cond', overload='p_str')>), <OpOverload(op='aten.histogramdd', overload='TensorList_bins')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1aa20>, kernel=<OpOverload(op='aten.histogramdd', overload='TensorList_bins')>), <OpOverload(op='aten.linalg_norm', overload='ord_str')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0fec0>, kernel=<OpOverload(op='aten.linalg_norm', overload='ord_str')>), <OpOverload(op='aten.__and__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f9c0>, kernel=<OpOverload(op='aten.__and__', overload='Scalar')>), <OpOverload(op='aten.__or__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f060>, kernel=<OpOverload(op='aten.__or__', overload='Tensor')>), <OpOverload(op='aten.__or__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfcae0>, kernel=<OpOverload(op='aten.__or__', overload='Scalar')>), <OpOverload(op='aten.__and__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a3e0>, kernel=<OpOverload(op='aten.__and__', overload='Tensor')>), <OpOverload(op='aten.__xor__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18ae0>, kernel=<OpOverload(op='aten.__xor__', overload='Scalar')>), <OpOverload(op='aten.__xor__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16c00>, kernel=<OpOverload(op='aten.__xor__', overload='Tensor')>), <OpOverload(op='aten.absolute', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dffc40>, kernel=<OpOverload(op='aten.absolute', overload='default')>), <OpOverload(op='aten.arccos', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04220>, kernel=<OpOverload(op='aten.arccos', overload='default')>), <OpOverload(op='aten.arcsin', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16200>, kernel=<OpOverload(op='aten.arcsin', overload='default')>), <OpOverload(op='aten.arccosh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c189a0>, kernel=<OpOverload(op='aten.arccosh', overload='default')>), <OpOverload(op='aten.arcsinh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05940>, kernel=<OpOverload(op='aten.arcsinh', overload='default')>), <OpOverload(op='aten.arctanh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04fe0>, kernel=<OpOverload(op='aten.arctanh', overload='default')>), <OpOverload(op='aten.arctan', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c05440>, kernel=<OpOverload(op='aten.arctan', overload='default')>), <OpOverload(op='aten.arctan2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c062a0>, kernel=<OpOverload(op='aten.arctan2', overload='default')>), <OpOverload(op='aten.clip', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f4c0>, kernel=<OpOverload(op='aten.clip', overload='Tensor')>), <OpOverload(op='aten.cummin', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04400>, kernel=<OpOverload(op='aten.cummin', overload='dimname')>), <OpOverload(op='aten.cummax', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c042c0>, kernel=<OpOverload(op='aten.cummax', overload='dimname')>), <OpOverload(op='aten.divide', overload='Tensor_mode')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff600>, kernel=<OpOverload(op='aten.divide', overload='Tensor_mode')>), <OpOverload(op='aten.divide', overload='Scalar_mode')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff9c0>, kernel=<OpOverload(op='aten.divide', overload='Scalar_mode')>), <OpOverload(op='aten.fix', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfdb20>, kernel=<OpOverload(op='aten.fix', overload='default')>), <OpOverload(op='aten.greater', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18900>, kernel=<OpOverload(op='aten.greater', overload='Scalar')>), <OpOverload(op='aten.greater_equal', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17e20>, kernel=<OpOverload(op='aten.greater_equal', overload='Scalar')>), <OpOverload(op='aten.ldexp', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15e40>, kernel=<OpOverload(op='aten.ldexp', overload='Tensor')>), <OpOverload(op='aten.kthvalue', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07b00>, kernel=<OpOverload(op='aten.kthvalue', overload='dimname')>), <OpOverload(op='aten.less', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15f80>, kernel=<OpOverload(op='aten.less', overload='Scalar')>), <OpOverload(op='aten.less_equal', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14e00>, kernel=<OpOverload(op='aten.less_equal', overload='Scalar')>), <OpOverload(op='aten.linalg_eigvals', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06340>, kernel=<OpOverload(op='aten.linalg_eigvals', overload='default')>), <OpOverload(op='aten.mode', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfede0>, kernel=<OpOverload(op='aten.mode', overload='dimname')>), <OpOverload(op='aten.median', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06a20>, kernel=<OpOverload(op='aten.median', overload='names_dim')>), <OpOverload(op='aten.nanmedian', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04860>, kernel=<OpOverload(op='aten.nanmedian', overload='names_dim')>), <OpOverload(op='aten.multiply', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe840>, kernel=<OpOverload(op='aten.multiply', overload='Scalar')>), <OpOverload(op='aten.negative', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dffd80>, kernel=<OpOverload(op='aten.negative', overload='default')>), <OpOverload(op='aten.not_equal', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dffec0>, kernel=<OpOverload(op='aten.not_equal', overload='Scalar')>), <OpOverload(op='aten.not_equal', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc2c0>, kernel=<OpOverload(op='aten.not_equal', overload='Tensor')>), <OpOverload(op='aten.rrelu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe200>, kernel=<OpOverload(op='aten.rrelu', overload='default')>), <OpOverload(op='aten.repeat_interleave', overload='self_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c145e0>, kernel=<OpOverload(op='aten.repeat_interleave', overload='self_Tensor')>), <OpOverload(op='aten.repeat_interleave', overload='self_int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14680>, kernel=<OpOverload(op='aten.repeat_interleave', overload='self_int')>), <OpOverload(op='aten.scatter', overload='dimname_src')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14220>, kernel=<OpOverload(op='aten.scatter', overload='dimname_src')>), <OpOverload(op='aten.scatter', overload='dimname_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07920>, kernel=<OpOverload(op='aten.scatter', overload='dimname_value')>), <OpOverload(op='aten.size', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15440>, kernel=<OpOverload(op='aten.size', overload='Dimname')>), <OpOverload(op='aten.size', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15120>, kernel=<OpOverload(op='aten.size', overload='int')>), <OpOverload(op='aten.stride', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07560>, kernel=<OpOverload(op='aten.stride', overload='int')>), <OpOverload(op='aten.stride', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c07380>, kernel=<OpOverload(op='aten.stride', overload='Dimname')>), <OpOverload(op='aten.stft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04e00>, kernel=<OpOverload(op='aten.stft', overload='default')>), <OpOverload(op='aten.log_softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c154e0>, kernel=<OpOverload(op='aten.log_softmax', overload='Dimname')>), <OpOverload(op='aten._test_check_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff920>, kernel=<OpOverload(op='aten._test_check_tensor', overload='default')>), <OpOverload(op='aten.sym_stride', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd9e0>, kernel=<OpOverload(op='aten.sym_stride', overload='int')>), <OpOverload(op='aten.diag', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd6c0>, kernel=<OpOverload(op='aten.diag', overload='default')>), <OpOverload(op='aten.clip', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0e660>, kernel=<OpOverload(op='aten.clip', overload='default')>), <OpOverload(op='aten.float_power', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b380>, kernel=<OpOverload(op='aten.float_power', overload='Scalar')>), <OpOverload(op='aten.float_power', overload='Tensor_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b100>, kernel=<OpOverload(op='aten.float_power', overload='Tensor_Scalar')>), <OpOverload(op='aten.float_power', overload='Tensor_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18a40>, kernel=<OpOverload(op='aten.float_power', overload='Tensor_Tensor')>), <OpOverload(op='aten.square', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0ee80>, kernel=<OpOverload(op='aten.square', overload='default')>), <OpOverload(op='aten.hinge_embedding_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18b80>, kernel=<OpOverload(op='aten.hinge_embedding_loss', overload='default')>), <OpOverload(op='aten.channel_shuffle', overload='default')>: <function channel_shuffle at 0x7fd3f8902f20>, <OpOverload(op='aten.channel_shuffle', overload='out')>: <function channel_shuffle at 0x7fd3f8902f20>, <OpOverload(op='aten.hardshrink', overload='default')>: <function hardshrink at 0x7fd3f8730680>, <OpOverload(op='aten.softshrink', overload='default')>: <function softshrink at 0x7fd3f87309a0>, <OpOverload(op='aten.hardshrink', overload='out')>: <function hardshrink at 0x7fd3f8730680>, <OpOverload(op='aten.softshrink', overload='out')>: <function softshrink at 0x7fd3f87309a0>, <OpOverload(op='aten.margin_ranking_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd760>, kernel=<OpOverload(op='aten.margin_ranking_loss', overload='default')>), <OpOverload(op='aten.huber_loss', overload='default')>: <function huber_loss at 0x7fd3f8731760>, <OpOverload(op='aten.huber_loss', overload='out')>: <function huber_loss at 0x7fd3f8731760>, <OpOverload(op='aten.threshold', overload='default')>: <function threshold at 0x7fd3f8731a80>, <OpOverload(op='aten.threshold', overload='out')>: <function threshold at 0x7fd3f8731a80>, <OpOverload(op='aten.pdist', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d196c0>, kernel=<OpOverload(op='aten.pdist', overload='default')>), <OpOverload(op='aten.pairwise_distance', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f100>, kernel=<OpOverload(op='aten.pairwise_distance', overload='default')>), <OpOverload(op='aten.celu_', overload='default')>: <function celu at 0x7fd3f8902e80>, <OpOverload(op='aten.elu_', overload='default')>: <function elu at 0x7fd3f8732d40>, <OpOverload(op='aten.mish_', overload='default')>: <function mish at 0x7fd3f87316c0>, <OpOverload(op='aten.threshold_', overload='default')>: <function threshold at 0x7fd3f8733c40>, <OpOverload(op='aten.special_entr', overload='default')>: <function entr at 0x7fd3f8760fe0>, <OpOverload(op='aten.special_entr', overload='out')>: <function entr at 0x7fd3f8760fe0>, <OpOverload(op='aten.special_log_ndtr', overload='default')>: <function log_ndtr at 0x7fd3f8761ee0>, <OpOverload(op='aten.special_log_ndtr', overload='out')>: <function log_ndtr at 0x7fd3f8761ee0>, <OpOverload(op='aten.special_xlog1py', overload='default')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='out')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar_out')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar_out')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.mvlgamma', overload='default')>: <function multigammaln at 0x7fd3f8762a20>, <OpOverload(op='aten.mvlgamma', overload='out')>: <function multigammaln at 0x7fd3f8762a20>, <OpOverload(op='aten.special_ndtr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d189a0>, kernel=<OpOverload(op='aten.special_ndtr', overload='default')>), <OpOverload(op='aten.index_fill_', overload='Dimname_Scalar')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.rot90', overload='default')>: <function rot90 at 0x7fd3f8a0d4e0>, <OpOverload(op='aten.rot90', overload='out')>: <function rot90 at 0x7fd3f8a0d4e0>, <OpOverload(op='aten.index_fill_', overload='int_Scalar')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.unbind', overload='Dimname')>: <function unbind at 0x7fd3f8a0de40>, <OpOverload(op='aten.index_fill_', overload='int_Tensor')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.index_fill', overload='int_Tensor')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill', overload='int_Scalar')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18cc0>, kernel=<OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>), <OpOverload(op='aten.index_fill_', overload='Dimname_Tensor')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.diag_embed', overload='default')>: <function diag_embed at 0x7fd3f8a0f100>, <OpOverload(op='aten.diag_embed', overload='out')>: <function diag_embed at 0x7fd3f8a0f100>, <OpOverload(op='aten.block_diag', overload='default')>: <function _block_diag_iterable at 0x7fd3f8a0f4c0>, <OpOverload(op='aten.block_diag', overload='out')>: <function _block_diag_iterable at 0x7fd3f8a0f4c0>, <OpOverload(op='aten.unfold_copy', overload='default')>: <function unfold_copy at 0x7fd3f8a0fe20>, <OpOverload(op='aten.unfold_copy', overload='out')>: <function unfold_copy at 0x7fd3f8a0fe20>, <OpOverload(op='aten.cumprod', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfd120>, kernel=<OpOverload(op='aten.cumprod', overload='dimname')>), <OpOverload(op='aten.logspace', overload='out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='default')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.lerp', overload='Scalar_out')>: <function lerp at 0x7fd3f8835b20>, <OpOverload(op='aten.lerp', overload='Tensor_out')>: <function lerp at 0x7fd3f8835b20>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor_out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar_out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor_out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.meshgrid', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc860>, kernel=<OpOverload(op='aten.meshgrid', overload='default')>), <OpOverload(op='aten.meshgrid', overload='indexing')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfc720>, kernel=<OpOverload(op='aten.meshgrid', overload='indexing')>), <OpOverload(op='aten.eye', overload='default')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.eye', overload='m')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.eye', overload='out')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.eye', overload='m_out')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.trace', overload='out')>: <function trace at 0x7fd3f8837740>, <OpOverload(op='aten.masked_fill', overload='Scalar_out')>: <function masked_fill at 0x7fd3f8836fc0>, <OpOverload(op='aten.masked_fill', overload='Tensor_out')>: <function masked_fill at 0x7fd3f8836fc0>, <OpOverload(op='aten.trace', overload='default')>: <function trace at 0x7fd3f8837740>, <OpOverload(op='aten.masked_fill_', overload='Scalar')>: <function masked_fill_ at 0x7fd3f8836de0>, <OpOverload(op='aten.masked_fill_', overload='Tensor')>: <function masked_fill_ at 0x7fd3f8836de0>, <OpOverload(op='aten.norm', overload='Scalar')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dim')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19f80>, kernel=<OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>), <OpOverload(op='aten.norm', overload='ScalarOpt_dim_dtype')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='dtype_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='Scalar_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19b20>, kernel=<OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>), <OpOverload(op='aten.norm', overload='names_dtype_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList_out')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.count_nonzero', overload='default')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.count_nonzero', overload='out')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.vdot', overload='default')>: <function vdot at 0x7fd3f886a480>, <OpOverload(op='aten.vdot', overload='out')>: <function vdot at 0x7fd3f886a480>, <OpOverload(op='aten.addcmul_', overload='default')>: <function addcmul at 0x7fd3f886aa20>, <OpOverload(op='aten.addcdiv_', overload='default')>: <function addcdiv at 0x7fd3f886ab60>, <OpOverload(op='aten.deg2rad_', overload='default')>: <function deg2rad at 0x7fd3f886bb00>, <OpOverload(op='aten.frac_', overload='default')>: <function frac at 0x7fd3f8890cc0>, <OpOverload(op='aten.heaviside_', overload='default')>: <function heaviside at 0x7fd3f886b920>, <OpOverload(op='aten.sinc_', overload='default')>: <function sinc at 0x7fd3f8892480>, <OpOverload(op='aten.lerp_', overload='Scalar')>: <function lerp at 0x7fd3f8890c20>, <OpOverload(op='aten.lerp_', overload='Tensor')>: <function lerp at 0x7fd3f8890c20>, <OpOverload(op='aten.narrow_copy', overload='default')>: <function PyCapsule.narrow at 0x7fd3f886ba60>, <OpOverload(op='aten.mvlgamma_', overload='default')>: <function _make_alias.<locals>._fn at 0x7fd3f8891800>, <OpOverload(op='aten.nan_to_num_', overload='default')>: <function nan_to_num at 0x7fd3f8891940>, <OpOverload(op='aten.sgn_', overload='default')>: <function sgn at 0x7fd3f886afc0>, <OpOverload(op='aten.rad2deg_', overload='default')>: <function rad2deg at 0x7fd3f8891f80>, <OpOverload(op='aten.narrow_copy', overload='out')>: <function PyCapsule.narrow at 0x7fd3f886ba60>, <OpOverload(op='aten.squeeze_copy', overload='dim_out')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.squeeze_copy', overload='out')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.tril_', overload='default')>: <function tril at 0x7fd3f8891620>, <OpOverload(op='aten.triu_', overload='default')>: <function triu at 0x7fd3f88913a0>, <OpOverload(op='aten.squeeze_copy', overload='dims')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.squeeze_copy', overload='dim')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.xlogy_', overload='Tensor')>: <function xlogy at 0x7fd3f88905e0>, <OpOverload(op='aten.xlogy_', overload='Scalar_Other')>: <function xlogy at 0x7fd3f88905e0>, <OpOverload(op='aten.squeeze_copy', overload='default')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.zero_', overload='default')>: <function zero at 0x7fd3f8892980>, <OpOverload(op='aten.alias_copy', overload='default')>: <function PyCapsule.alias at 0x7fd3f8892c00>, <OpOverload(op='aten.alias_copy', overload='out')>: <function PyCapsule.alias at 0x7fd3f8892c00>, <OpOverload(op='aten.as_strided_copy', overload='default')>: <function PyCapsule.as_strided at 0x7fd3f8892e80>, <OpOverload(op='aten.as_strided_copy', overload='out')>: <function PyCapsule.as_strided at 0x7fd3f8892e80>, <OpOverload(op='aten.expand_copy', overload='default')>: <function PyCapsule.expand at 0x7fd3f8893380>, <OpOverload(op='aten.expand_copy', overload='out')>: <function PyCapsule.expand at 0x7fd3f8893380>, <OpOverload(op='aten.squeeze_copy', overload='dims_out')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.permute_copy', overload='default')>: <function PyCapsule.permute at 0x7fd3f8892f20>, <OpOverload(op='aten.permute_copy', overload='out')>: <function PyCapsule.permute at 0x7fd3f8892f20>, <OpOverload(op='aten.t_copy', overload='default')>: <function PyCapsule.t at 0x7fd3f88928e0>, <OpOverload(op='aten.t_copy', overload='out')>: <function PyCapsule.t at 0x7fd3f88928e0>, <OpOverload(op='aten.transpose_copy', overload='int')>: <function PyCapsule.transpose at 0x7fd3f8890860>, <OpOverload(op='aten.transpose_copy', overload='int_out')>: <function PyCapsule.transpose at 0x7fd3f8890860>, <OpOverload(op='aten.unbind_copy', overload='int')>: <function PyCapsule.unbind at 0x7fd3f88914e0>, <OpOverload(op='aten.unbind_copy', overload='int_out')>: <function PyCapsule.unbind at 0x7fd3f88914e0>, <OpOverload(op='aten.unsqueeze_copy', overload='default')>: <function PyCapsule.unsqueeze at 0x7fd3f8891ee0>, <OpOverload(op='aten.unsqueeze_copy', overload='out')>: <function PyCapsule.unsqueeze at 0x7fd3f8891ee0>, <OpOverload(op='aten.fft_fft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe020>, kernel=<OpOverload(op='aten.fft_fft', overload='default')>), <OpOverload(op='aten.fft_rfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dff560>, kernel=<OpOverload(op='aten.fft_rfftn', overload='default')>), <OpOverload(op='aten.fft_ifft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04540>, kernel=<OpOverload(op='aten.fft_ifft', overload='default')>), <OpOverload(op='aten.fft_rfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17240>, kernel=<OpOverload(op='aten.fft_rfft', overload='default')>), <OpOverload(op='aten.fft_irfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c168e0>, kernel=<OpOverload(op='aten.fft_irfft', overload='default')>), <OpOverload(op='aten.fft_hfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c185e0>, kernel=<OpOverload(op='aten.fft_hfft', overload='default')>), <OpOverload(op='aten.fft_ihfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17b00>, kernel=<OpOverload(op='aten.fft_ihfft', overload='default')>), <OpOverload(op='aten.fft_fftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15d00>, kernel=<OpOverload(op='aten.fft_fftn', overload='default')>), <OpOverload(op='aten.fft_ifftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c151c0>, kernel=<OpOverload(op='aten.fft_ifftn', overload='default')>), <OpOverload(op='aten.fft_ihfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c056c0>, kernel=<OpOverload(op='aten.fft_ihfftn', overload='default')>), <OpOverload(op='aten.fft_irfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06f20>, kernel=<OpOverload(op='aten.fft_irfftn', overload='default')>), <OpOverload(op='aten.fft_hfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c067a0>, kernel=<OpOverload(op='aten.fft_hfftn', overload='default')>), <OpOverload(op='aten.fft_fft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfe520>, kernel=<OpOverload(op='aten.fft_fft2', overload='default')>), <OpOverload(op='aten.fft_ifft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c04ae0>, kernel=<OpOverload(op='aten.fft_ifft2', overload='default')>), <OpOverload(op='aten.fft_rfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7dfff60>, kernel=<OpOverload(op='aten.fft_rfft2', overload='default')>), <OpOverload(op='aten.fft_irfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17100>, kernel=<OpOverload(op='aten.fft_irfft2', overload='default')>), <OpOverload(op='aten.fft_hfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c163e0>, kernel=<OpOverload(op='aten.fft_hfft2', overload='default')>), <OpOverload(op='aten.fft_ihfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17ec0>, kernel=<OpOverload(op='aten.fft_ihfft2', overload='default')>), <OpOverload(op='aten.fft_fftshift', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17ba0>, kernel=<OpOverload(op='aten.fft_fftshift', overload='default')>), <OpOverload(op='aten.fft_ifftshift', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c149a0>, kernel=<OpOverload(op='aten.fft_ifftshift', overload='default')>), <OpOverload(op='aten.is_complex', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a200>, kernel=<OpOverload(op='aten.is_complex', overload='default')>), <OpOverload(op='aten.zero', overload='default')>: <function zero at 0x7fd3f894fba0>, <OpOverload(op='aten.zero', overload='out')>: <function zero at 0x7fd3f894fba0>, <OpOverload(op='aten.nan_to_num', overload='default')>: <function nan_to_num at 0x7fd3f895fd80>, <OpOverload(op='aten.nan_to_num', overload='out')>: <function nan_to_num at 0x7fd3f895fd80>, <OpOverload(op='aten.sgn', overload='default')>: <function sgn at 0x7fd3f8979c60>, <OpOverload(op='aten.sgn', overload='out')>: <function sgn at 0x7fd3f8979c60>, <OpOverload(op='aten.rsub', overload='Tensor')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.rsub', overload='Scalar')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.rsub', overload='Tensor_out')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.rsub', overload='Scalar_out')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.xlogy', overload='OutTensor')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.xlogy', overload='OutScalar_Self')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.xlogy', overload='OutScalar_Other')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.std', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0df80>, kernel=<OpOverload(op='aten.std', overload='default')>), <OpOverload(op='aten.std', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd3004cfe20>, kernel=<OpOverload(op='aten.std', overload='dim')>), <OpOverload(op='aten.std', overload='correction')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f880>, kernel=<OpOverload(op='aten.std', overload='names_dim')>), <OpOverload(op='aten.std', overload='names_out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='correction_out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f600>, kernel=<OpOverload(op='aten.std', overload='correction_names')>), <OpOverload(op='aten.std', overload='correction_names_out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std_mean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c174c0>, kernel=<OpOverload(op='aten.std_mean', overload='default')>), <OpOverload(op='aten.std_mean', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16ca0>, kernel=<OpOverload(op='aten.std_mean', overload='dim')>), <OpOverload(op='aten.std_mean', overload='correction')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.std_mean', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17060>, kernel=<OpOverload(op='aten.std_mean', overload='names_dim')>), <OpOverload(op='aten.std_mean', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c16e80>, kernel=<OpOverload(op='aten.std_mean', overload='correction_names')>), <OpOverload(op='aten.std_mean', overload='correction_out')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.var_mean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c180e0>, kernel=<OpOverload(op='aten.var_mean', overload='default')>), <OpOverload(op='aten.var_mean', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17c40>, kernel=<OpOverload(op='aten.var_mean', overload='dim')>), <OpOverload(op='aten.var_mean', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17920>, kernel=<OpOverload(op='aten.var_mean', overload='names_dim')>), <OpOverload(op='aten.var_mean', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c17880>, kernel=<OpOverload(op='aten.var_mean', overload='correction_names')>), <OpOverload(op='aten.broadcast_tensors', overload='default')>: <function broadcast_tensors at 0x7fd3f89e6ac0>, <OpOverload(op='aten.index_fill', overload='int_Scalar_out')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill', overload='int_Tensor_out')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.stft', overload='center')>: <function stft at 0x7fd3f8a0c5e0>, <OpOverload(op='aten.renorm', overload='default')>: <function renorm at 0x7fd3f8a0c7c0>, <OpOverload(op='aten.renorm', overload='out')>: <function renorm at 0x7fd3f8a0c7c0>, <OpOverload(op='aten.istft', overload='default')>: <function istft at 0x7fd3f8a0c900>, <OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d185e0>, kernel=<OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>), <OpOverload(op='aten.binary_cross_entropy', overload='default')>: <function binary_cross_entropy at 0x7fd3f8c09300>, <OpOverload(op='aten.binary_cross_entropy', overload='out')>: <function binary_cross_entropy at 0x7fd3f8c09300>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='default')>: <function binary_cross_entropy_backward at 0x7fd3f8c093a0>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='grad_input')>: <function binary_cross_entropy_backward at 0x7fd3f8c093a0>, <OpOverload(op='aten.soft_margin_loss', overload='default')>: <function soft_margin_loss at 0x7fd3f8c099e0>, <OpOverload(op='aten.soft_margin_loss', overload='out')>: <function soft_margin_loss at 0x7fd3f8c099e0>, <OpOverload(op='aten.soft_margin_loss_backward', overload='default')>: <function soft_margin_loss_backward at 0x7fd3f8c09a80>, <OpOverload(op='aten.soft_margin_loss_backward', overload='grad_input')>: <function soft_margin_loss_backward at 0x7fd3f8c09a80>, <OpOverload(op='aten.dist', overload='default')>: <function dist at 0x7fd3f8c0a020>, <OpOverload(op='aten.dist', overload='out')>: <function dist at 0x7fd3f8c0a020>, <OpOverload(op='aten._euclidean_dist', overload='default')>: <function _euclidean_dist at 0x7fd3f8c0a2a0>, <OpOverload(op='aten._euclidean_dist', overload='out')>: <function _euclidean_dist at 0x7fd3f8c0a2a0>, <OpOverload(op='aten.slice_backward', overload='default')>: <function slice_backward at 0x7fd3f8c0a520>, <OpOverload(op='aten.slice_backward', overload='out')>: <function slice_backward at 0x7fd3f8c0a520>, <OpOverload(op='aten.diagonal_backward', overload='default')>: <function diagonal_backward at 0x7fd3f8c0a660>, <OpOverload(op='aten.diagonal_backward', overload='out')>: <function diagonal_backward at 0x7fd3f8c0a660>, <OpOverload(op='aten._softmax_backward_data', overload='default')>: <function _softmax_backward_data at 0x7fd3f8c0a200>, <OpOverload(op='aten._softmax_backward_data', overload='out')>: <function _softmax_backward_data at 0x7fd3f8c0a200>, <OpOverload(op='aten._log_softmax_backward_data', overload='default')>: <function _log_softmax_backward_data at 0x7fd3f8c0ade0>, <OpOverload(op='aten._log_softmax_backward_data', overload='out')>: <function _log_softmax_backward_data at 0x7fd3f8c0ade0>, <OpOverload(op='aten.native_dropout_backward', overload='default')>: <function native_dropout_backward at 0x7fd3f8c0b740>, <OpOverload(op='aten.native_dropout_backward', overload='out')>: <function native_dropout_backward at 0x7fd3f8c0b740>, <OpOverload(op='aten.logit_backward', overload='default')>: <function logit_backward at 0x7fd3f8c0ba60>, <OpOverload(op='aten.unfold_backward', overload='default')>: <function unfold_backward at 0x7fd3f8c0b9c0>, <OpOverload(op='aten.unfold_backward', overload='out')>: <function unfold_backward at 0x7fd3f8c0b9c0>, <OpOverload(op='aten._chunk_cat', overload='default')>: <function _chunk_cat at 0x7fd3f8a44a40>, <OpOverload(op='aten._chunk_cat', overload='out')>: <function _chunk_cat at 0x7fd3f8a44a40>, <OpOverload(op='aten.embedding_dense_backward', overload='default')>: <function embedding_dense_backward at 0x7fd3f8c0a8e0>, <OpOverload(op='aten.embedding_dense_backward', overload='out')>: <function embedding_dense_backward at 0x7fd3f8c0a8e0>, <OpOverload(op='aten.split_with_sizes_copy', overload='default')>: <function split_with_sizes_copy at 0x7fd3f8a44ae0>, <OpOverload(op='aten.split_with_sizes_copy', overload='out')>: <function split_with_sizes_copy at 0x7fd3f8a44ae0>, <OpOverload(op='aten.unsafe_split_with_sizes', overload='default')>: <function unsafe_split_with_sizes at 0x7fd3f8a44d60>, <OpOverload(op='aten._addmm_activation', overload='default')>: <function _addmm_activation at 0x7fd3f8a45800>, <OpOverload(op='aten._addmm_activation', overload='out')>: <function _addmm_activation at 0x7fd3f8a45800>, <OpOverload(op='aten.native_group_norm_backward', overload='default')>: <function native_group_norm_backward at 0x7fd3f8a45bc0>, <OpOverload(op='aten.native_group_norm_backward', overload='out')>: <function native_group_norm_backward_out at 0x7fd3f8a45c60>, <OpOverload(op='aten.native_layer_norm_backward', overload='default')>: <function native_layer_norm_backward at 0x7fd3f8a45ee0>, <OpOverload(op='aten.native_layer_norm_backward', overload='out')>: <function native_layer_norm_backward_out at 0x7fd3f8a45f80>, <OpOverload(op='aten._batch_norm_with_update', overload='default')>: <function _batch_norm_with_update at 0x7fd3f8a467a0>, <OpOverload(op='aten._batch_norm_with_update_functional', overload='default')>: <function _batch_norm_with_update_functional at 0x7fd3f8a468e0>, <OpOverload(op='aten._batch_norm_no_update', overload='default')>: <function _batch_norm_no_update at 0x7fd3f8a46a20>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='out')>: <function miopen_batch_norm_backward at 0x7fd3f8a47420>, <OpOverload(op='aten._fused_dropout', overload='default')>: <function _fused_dropout_decomposition at 0x7fd3f8a472e0>, <OpOverload(op='aten._fused_dropout', overload='out')>: <function _fused_dropout_decomposition at 0x7fd3f8a472e0>, <OpOverload(op='aten.cudnn_batch_norm', overload='default')>: <function cudnn_batch_norm at 0x7fd3f8a47a60>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='default')>: <function miopen_batch_norm_backward at 0x7fd3f8a47420>, <OpOverload(op='aten.lift', overload='default')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.lift', overload='out')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.batch_norm_backward', overload='default')>: <function batch_norm_backward at 0x7fd3f8a60180>, <OpOverload(op='aten.cudnn_batch_norm', overload='out')>: <function cudnn_batch_norm at 0x7fd3f8a47a60>, <OpOverload(op='aten.native_batch_norm_backward', overload='default')>: <function native_batch_norm_backward at 0x7fd3f8a60220>, <OpOverload(op='aten.native_batch_norm_backward', overload='out')>: <function native_batch_norm_backward_out at 0x7fd3f8a60360>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='default')>: <function cudnn_batch_norm_backward at 0x7fd3f8a46980>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='out')>: <function cudnn_batch_norm_backward at 0x7fd3f8a46980>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='default')>: <function adaptive_avg_pool2d at 0x7fd3f8a60cc0>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='out')>: <function adaptive_avg_pool2d at 0x7fd3f8a60cc0>, <OpOverload(op='aten.max_unpool2d', overload='default')>: <function max_unpool2d at 0x7fd3f8a60fe0>, <OpOverload(op='aten.max_unpool2d', overload='out')>: <function max_unpool2d at 0x7fd3f8a60fe0>, <OpOverload(op='aten.max_unpool3d', overload='default')>: <function max_unpool3d at 0x7fd3f8a61260>, <OpOverload(op='aten.max_unpool3d', overload='out')>: <function max_unpool3d at 0x7fd3f8a61260>, <OpOverload(op='aten.pad_sequence', overload='default')>: <function pad_sequence at 0x7fd3f8a61760>, <OpOverload(op='aten.index_add_', overload='default')>: <function index_add_ at 0x7fd3f8a61080>, <OpOverload(op='aten.index_add', overload='default')>: <function index_add at 0x7fd3f8a61620>, <OpOverload(op='aten.index_add', overload='out')>: <function index_add at 0x7fd3f8a61620>, <OpOverload(op='aten.index_add', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d19580>, kernel=<OpOverload(op='aten.index_add', overload='dimname')>), <OpOverload(op='aten.index_copy_', overload='default')>: <function index_copy_ at 0x7fd3f8a616c0>, <OpOverload(op='aten.index_copy_', overload='dimname')>: <function index_copy_ at 0x7fd3f8a616c0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fd3f8a62ac0>, <OpOverload(op='aten.index_copy', overload='default')>: <function index_copy at 0x7fd3f8a61c60>, <OpOverload(op='aten.index_copy', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1b600>, kernel=<OpOverload(op='aten.index_copy', overload='dimname')>), <OpOverload(op='aten.index_copy', overload='out')>: <function index_copy at 0x7fd3f8a61c60>, <OpOverload(op='aten.log_sigmoid_forward', overload='default')>: <function log_sigmoid_forward at 0x7fd3f8a62340>, <OpOverload(op='aten.log_sigmoid_forward', overload='output')>: <function log_sigmoid_forward at 0x7fd3f8a62340>, <OpOverload(op='aten.uniform_', overload='default')>: <function uniform_ at 0x7fd3f8a62520>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fd3f8a62ac0>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fd3f8a62ac0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='default')>: <function upsample_nearest_exact1d at 0x7fd3f8a631a0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='out')>: <function upsample_nearest_exact1d at 0x7fd3f8a631a0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='default')>: <function _upsample_nearest_exact2d at 0x7fd3f8a637e0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='out')>: <function _upsample_nearest_exact2d at 0x7fd3f8a637e0>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='default')>: <function _upsample_nearest_exact3d at 0x7fd3f8a63e20>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='out')>: <function _upsample_nearest_exact3d at 0x7fd3f8a63e20>, <OpOverload(op='aten.rnn_tanh', overload='input')>: <function rnn_tanh_input at 0x7fd3f8a88680>, <OpOverload(op='aten.rnn_relu', overload='input')>: <function rnn_relu_input at 0x7fd3f8a88860>, <OpOverload(op='aten.rnn_relu', overload='data')>: <function rnn_relu_data at 0x7fd3f8a88a40>, <OpOverload(op='aten.rnn_tanh', overload='data')>: <function rnn_tanh_data at 0x7fd3f8a88c20>, <OpOverload(op='aten.lstm', overload='input')>: <function lstm_impl at 0x7fd3f8a89080>, <OpOverload(op='aten.lstm', overload='data')>: <function lstm_data_impl at 0x7fd3f8a89260>, <OpOverload(op='aten.gru', overload='data')>: <function gru_impl_data at 0x7fd3f8a89580>, <OpOverload(op='aten.gru', overload='input')>: <function gru_impl at 0x7fd3f8a89760>, <OpOverload(op='aten._upsample_bilinear2d_aa', overload='vec')>: <function upsample_bilinear2d_aa_vec at 0x7fd3f8a89940>, <OpOverload(op='aten._upsample_bicubic2d_aa', overload='vec')>: <function upsample_bicubic2d_aa_vec at 0x7fd3f8a89b20>, <OpOverload(op='aten.is_same_size', overload='default')>: <function is_same_size at 0x7fd3f8a89da0>, <OpOverload(op='aten._reshape_alias', overload='default')>: <function _reshape_alias at 0x7fd3f8a8a160>, <OpOverload(op='aten._unsafe_masked_index', overload='default')>: <function _unsafe_masked_index at 0x7fd3f8a8a340>, <OpOverload(op='aten._unsafe_masked_index_put_accumulate', overload='default')>: <function _unsafe_masked_index_put_accumulate at 0x7fd3f8a8a480>, <OpOverload(op='aten.nll_loss2d_forward', overload='default')>: <function nll_loss2d_forward at 0x7fd3f8a8b380>, <OpOverload(op='aten.nll_loss2d_forward', overload='output')>: <function nll_loss2d_forward at 0x7fd3f8a8b380>, <OpOverload(op='aten.aminmax', overload='out')>: <function aminmax at 0x7fd3f8aa8f40>, <OpOverload(op='aten.affine_grid_generator', overload='default')>: <function affine_grid_generator at 0x7fd3f8a8be20>, <OpOverload(op='aten.affine_grid_generator', overload='out')>: <function affine_grid_generator at 0x7fd3f8a8be20>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='default')>: <function binary_cross_entropy_with_logits at 0x7fd3f8a88fe0>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='out')>: <function binary_cross_entropy_with_logits at 0x7fd3f8a88fe0>, <OpOverload(op='aten.aminmax', overload='default')>: <function aminmax at 0x7fd3f8aa8f40>, <OpOverload(op='aten.reflection_pad3d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fd3f8aa9580>, <OpOverload(op='aten.reflection_pad3d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fd3f8aa9580>, <OpOverload(op='aten.reflection_pad2d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.reflection_pad2d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.reflection_pad1d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.reflection_pad1d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.nansum', overload='default')>: <function nansum at 0x7fd3f8aa8720>, <OpOverload(op='aten.nansum', overload='out')>: <function nansum at 0x7fd3f8aa8720>, <OpOverload(op='aten.take', overload='out')>: <function take at 0x7fd3f8aaaac0>, <OpOverload(op='aten.multi_margin_loss', overload='default')>: <function multi_margin_loss at 0x7fd3f8aaa160>, <OpOverload(op='aten.take', overload='default')>: <function take at 0x7fd3f8aaaac0>, <OpOverload(op='aten.multi_margin_loss', overload='out')>: <function multi_margin_loss at 0x7fd3f8aaa160>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='default')>: <function multilabel_margin_loss_forward at 0x7fd3f8aaa840>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='output')>: <function multilabel_margin_loss_forward at 0x7fd3f8aaa840>, <OpOverload(op='aten._weight_norm_interface', overload='default')>: <function _weight_norm_interface at 0x7fd3f8aab420>, <OpOverload(op='aten._weight_norm_interface', overload='out')>: <function _weight_norm_interface at 0x7fd3f8aab420>, <OpOverload(op='aten.isin', overload='Tensor_Tensor')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Tensor_Tensor_out')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Tensor_Scalar')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Tensor_Scalar_out')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Scalar_Tensor')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Scalar_Tensor_out')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.resize_as', overload='default')>: <function resize_as at 0x7fd3f8aab240>, <OpOverload(op='aten.resize_as', overload='out')>: <function resize_as at 0x7fd3f8aab240>, <OpOverload(op='aten.addbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aaa980>, <OpOverload(op='aten.scatter_', overload='value_reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.addmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aa9da0>, <OpOverload(op='aten.addmv_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aa9a80>, <OpOverload(op='aten.scatter_', overload='reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.baddbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aa9300>, <OpOverload(op='aten.fill_', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aab9c0>, <OpOverload(op='aten.fill_', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aab9c0>, <OpOverload(op='aten.scatter_', overload='value')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.gelu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabb00>, <OpOverload(op='aten.hardswish_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabc40>, <OpOverload(op='aten.hardtanh_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabd80>, <OpOverload(op='aten.hardsigmoid_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabec0>, <OpOverload(op='aten.__iand__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8040>, <OpOverload(op='aten.__iand__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8040>, <OpOverload(op='aten.silu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabba0>, <OpOverload(op='aten.__ilshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8180>, <OpOverload(op='aten.__ilshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8180>, <OpOverload(op='aten.index_reduce_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8400>, <OpOverload(op='aten.__ior__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8540>, <OpOverload(op='aten.__ior__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8540>, <OpOverload(op='aten.scatter_reduce_', overload='two')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabe20>, <OpOverload(op='aten.__irshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8680>, <OpOverload(op='aten.__irshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8680>, <OpOverload(op='aten.__ixor__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad87c0>, <OpOverload(op='aten.__ixor__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad87c0>, <OpOverload(op='aten.leaky_relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8900>, <OpOverload(op='aten.logit_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8a40>, <OpOverload(op='aten.relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8b80>, <OpOverload(op='aten.renorm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8cc0>, <OpOverload(op='aten.round_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8e00>, <OpOverload(op='aten.round_', overload='decimals')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8e00>, <OpOverload(op='aten.scatter_add_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabf60>, <OpOverload(op='aten.scatter_', overload='src')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.tanh_backward', overload='default')>: <function tanh_backward at 0x7fd3f8f97d80>, <OpOverload(op='aten.var', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a660>, kernel=<OpOverload(op='aten.var', overload='dim')>), <OpOverload(op='aten.var', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d1a8e0>, kernel=<OpOverload(op='aten.var', overload='default')>), <OpOverload(op='aten.var', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18900>, kernel=<OpOverload(op='aten.var', overload='correction_names')>), <OpOverload(op='aten.var', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18ea0>, kernel=<OpOverload(op='aten.var', overload='names_dim')>), <OpOverload(op='aten.svd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c14720>, kernel=<OpOverload(op='aten.svd', overload='default')>), <OpOverload(op='aten.uniform', overload='default')>: <function uniform at 0x7fd3f8a62700>, <OpOverload(op='aten.uniform', overload='out')>: <function uniform at 0x7fd3f8a62700>, <OpOverload(op='aten.tanh_backward', overload='grad_input')>: <function tanh_backward at 0x7fd3f8f97d80>, <OpOverload(op='aten.sigmoid_backward', overload='default')>: <function sigmoid_backward at 0x7fd3f8bc89a0>, <OpOverload(op='aten.sigmoid_backward', overload='grad_input')>: <function sigmoid_backward at 0x7fd3f8bc89a0>, <OpOverload(op='aten.softplus_backward', overload='default')>: <function softplus_backward at 0x7fd3f8bc8d60>, <OpOverload(op='aten.softplus_backward', overload='grad_input')>: <function softplus_backward at 0x7fd3f8bc8d60>, <OpOverload(op='aten.mish_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c15da0>, kernel=<OpOverload(op='aten.mish_backward', overload='default')>), <OpOverload(op='aten.elu_backward', overload='default')>: <function elu_backward at 0x7fd3f8bc8860>, <OpOverload(op='aten.hardsigmoid_backward', overload='default')>: <function hardsigmoid_backward at 0x7fd3f8bc98a0>, <OpOverload(op='aten.hardsigmoid_backward', overload='grad_input')>: <function hardsigmoid_backward at 0x7fd3f8bc98a0>, <OpOverload(op='aten.hardswish_backward', overload='default')>: <function hardswish_backward at 0x7fd3f8bca520>, <OpOverload(op='aten.hardswish_backward', overload='out')>: <function hardswish_backward at 0x7fd3f8bca520>, <OpOverload(op='aten.gelu_backward', overload='grad_input')>: <function gelu_backward at 0x7fd3f8bcaca0>, <OpOverload(op='aten.threshold_backward', overload='default')>: <function threshold_backward at 0x7fd3f8bca5c0>, <OpOverload(op='aten.leaky_relu_backward', overload='default')>: <function leaky_relu_backward at 0x7fd3f8bca8e0>, <OpOverload(op='aten.leaky_relu_backward', overload='grad_input')>: <function leaky_relu_backward at 0x7fd3f8bca8e0>, <OpOverload(op='aten.silu_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18a40>, kernel=<OpOverload(op='aten.silu_backward', overload='default')>), <OpOverload(op='aten.silu_backward', overload='grad_input')>: <function silu_backward at 0x7fd3f8bc94e0>, <OpOverload(op='aten._prelu_kernel_backward', overload='default')>: <function _prelu_kernel_backward at 0x7fd3f8bcb1a0>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='default')>: <function rrelu_with_noise_backward at 0x7fd3f8bcb6a0>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='out')>: <function rrelu_with_noise_backward at 0x7fd3f8bcb6a0>, <OpOverload(op='aten.log_sigmoid_backward', overload='default')>: <function log_sigmoid_backward at 0x7fd3f8bcb740>, <OpOverload(op='aten.log_sigmoid_backward', overload='grad_input')>: <function log_sigmoid_backward at 0x7fd3f8bcb740>, <OpOverload(op='aten.glu_backward', overload='grad_input')>: <function glu_backward at 0x7fd3f8bcb920>, <OpOverload(op='aten.mse_loss_backward', overload='default')>: <function mse_loss_backward at 0x7fd3f8bcbf60>, <OpOverload(op='aten.glu_backward', overload='default')>: <function glu_backward at 0x7fd3f8bcb920>, <OpOverload(op='aten.mse_loss_backward', overload='grad_input')>: <function mse_loss_backward at 0x7fd3f8bcbf60>, <OpOverload(op='aten._safe_softmax', overload='default')>: <function safe_softmax at 0x7fd3f8c082c0>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='default')>: <function smooth_l1_loss_backward at 0x7fd3f8c087c0>, <OpOverload(op='aten.smooth_l1_loss', overload='default')>: <function smooth_l1_loss at 0x7fd3f8c08720>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='grad_input')>: <function smooth_l1_loss_backward_out at 0x7fd3f8c089a0>, <OpOverload(op='aten.smooth_l1_loss', overload='out')>: <function smooth_l1_loss at 0x7fd3f8c08720>, <OpOverload(op='aten.huber_loss_backward', overload='default')>: <function huber_loss_backward at 0x7fd3f8c08b80>, <OpOverload(op='aten.huber_loss_backward', overload='out')>: <function huber_loss_backward_out at 0x7fd3f8c08d60>, <OpOverload(op='aten.select_backward', overload='out')>: <function select_backward at 0x7fd3f8c0ac00>, <OpOverload(op='aten.nll_loss_backward', overload='default')>: <function nll_loss_backward at 0x7fd3f8bc8b80>, <OpOverload(op='aten.nll_loss_backward', overload='grad_input')>: <function nll_loss_backward at 0x7fd3f8bc8b80>, <OpOverload(op='aten.select_backward', overload='default')>: <function select_backward at 0x7fd3f8c0ac00>, <OpOverload(op='aten.nll_loss2d_backward', overload='default')>: <function nll_loss2d_backward at 0x7fd3f8c08ea0>, <OpOverload(op='aten.nll_loss2d_backward', overload='grad_input')>: <function nll_loss2d_backward at 0x7fd3f8c08ea0>, <OpOverload(op='aten.gelu_backward', overload='default')>: <function gelu_backward at 0x7fd3f8bcaca0>, <OpOverload(op='aten.where', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7d18540>, kernel=<OpOverload(op='aten.where', overload='default')>), <OpOverload(op='aten.elu_backward', overload='grad_input')>: <function elu_backward at 0x7fd3f8bc8860>, <OpOverload(op='aten.threshold_backward', overload='grad_input')>: <function threshold_backward at 0x7fd3f8bca5c0>, <OpOverload(op='aten.sym_numel', overload='default')>: <function sym_numel at 0x7fd3f8aaaf20>, <OpOverload(op='aten.lift_fresh', overload='default')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.item', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c06de0>, kernel=<OpOverload(op='aten.item', overload='default')>), <OpOverload(op='aten.nonzero_numpy', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c068e0>, kernel=<OpOverload(op='aten.nonzero_numpy', overload='default')>), <OpOverload(op='aten.index_put_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad82c0>, <OpOverload(op='quantized.conv_transpose3d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19b20>, kernel=<OpOverload(op='quantized.conv_transpose3d_groups', overload='default')>), <OpOverload(op='quantized.conv2d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19440>, kernel=<OpOverload(op='quantized.conv2d_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19300>, kernel=<OpOverload(op='quantized.conv_transpose3d_padding', overload='default')>), <OpOverload(op='quantized.conv2d_output_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1aca0>, kernel=<OpOverload(op='quantized.conv2d_output_padding', overload='default')>), <OpOverload(op='quantized.conv3d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1af20>, kernel=<OpOverload(op='quantized.conv3d_dilation', overload='default')>), <OpOverload(op='quantized.conv2d_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a480>, kernel=<OpOverload(op='quantized.conv2d_padding', overload='default')>), <OpOverload(op='quantized.conv1d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1aac0>, kernel=<OpOverload(op='quantized.conv1d_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_output_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a020>, kernel=<OpOverload(op='quantized.conv_transpose3d_output_padding', overload='default')>), <OpOverload(op='quantized.conv3d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a200>, kernel=<OpOverload(op='quantized.conv3d_groups', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1afc0>, kernel=<OpOverload(op='quantized.conv_transpose3d_stride', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1ade0>, kernel=<OpOverload(op='quantized.conv_transpose3d_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_transpose', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a980>, kernel=<OpOverload(op='quantized.conv_transpose3d_transpose', overload='default')>), <OpOverload(op='quantized.conv2d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a840>, kernel=<OpOverload(op='quantized.conv2d_groups', overload='default')>), <OpOverload(op='quantized.make_quantized_cell_params_fp16', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19f80>, kernel=<OpOverload(op='quantized.make_quantized_cell_params_fp16', overload='default')>), <OpOverload(op='quantized.linear_unpack_fp16', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19760>, kernel=<OpOverload(op='quantized.linear_unpack_fp16', overload='default')>), <OpOverload(op='quantized.conv3d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c199e0>, kernel=<OpOverload(op='quantized.conv3d_stride', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c194e0>, kernel=<OpOverload(op='quantized.conv_transpose3d_dilation', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_transpose', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19580>, kernel=<OpOverload(op='quantized.conv_transpose2d_transpose', overload='default')>), <OpOverload(op='quantized.conv2d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18d60>, kernel=<OpOverload(op='quantized.conv2d_stride', overload='default')>), <OpOverload(op='quantized.conv2d_transpose', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18c20>, kernel=<OpOverload(op='quantized.conv2d_transpose', overload='default')>), <OpOverload(op='quantized.linear_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1b060>, kernel=<OpOverload(op='quantized.linear_unpack', overload='default')>), <OpOverload(op='quantized.embedding_bag_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1ae80>, kernel=<OpOverload(op='quantized.embedding_bag_unpack', overload='default')>), <OpOverload(op='quantized.conv3d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1ab60>, kernel=<OpOverload(op='quantized.conv3d_unpack', overload='default')>), <OpOverload(op='quantized.conv_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1ac00>, kernel=<OpOverload(op='quantized.conv_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a8e0>, kernel=<OpOverload(op='quantized.conv_transpose2d_dilation', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_output_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c1a7a0>, kernel=<OpOverload(op='quantized.conv_transpose2d_output_padding', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19e40>, kernel=<OpOverload(op='quantized.conv_transpose2d_padding', overload='default')>), <OpOverload(op='sparse.qlinear_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19da0>, kernel=<OpOverload(op='sparse.qlinear_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19260>, kernel=<OpOverload(op='quantized.conv_transpose2d_groups', overload='default')>), <OpOverload(op='quantized.conv3d_output_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19c60>, kernel=<OpOverload(op='quantized.conv3d_output_padding', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19bc0>, kernel=<OpOverload(op='quantized.conv_transpose2d_unpack', overload='default')>), <OpOverload(op='quantized.conv3d_transpose', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c193a0>, kernel=<OpOverload(op='quantized.conv3d_transpose', overload='default')>), <OpOverload(op='quantized.conv3d_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18f40>, kernel=<OpOverload(op='quantized.conv3d_padding', overload='default')>), <OpOverload(op='quantized.conv2d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18e00>, kernel=<OpOverload(op='quantized.conv2d_dilation', overload='default')>), <OpOverload(op='quantized.conv_transpose1d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c18ea0>, kernel=<OpOverload(op='quantized.conv_transpose1d_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19080>, kernel=<OpOverload(op='quantized.conv_transpose2d_stride', overload='default')>), <OpOverload(op='profiler._record_function_exit', overload='_RecordFunction')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7c19940>, kernel=<OpOverload(op='profiler._record_function_exit', overload='_RecordFunction')>)}
- experimental_experiment.torch_dynamo.get_decomposition_table_onnxscript()[source]¶
Returns the decomposition table used by
torch.onnx.export()
.The value is:
<<<
import pprint from experimental_experiment.torch_dynamo import get_decomposition_table_onnxscript pprint.pprint(get_decomposition_table_onnxscript())
>>>
{<OpOverload(op='aten.concatenate', overload='names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94ae0>, kernel=<OpOverload(op='aten.concatenate', overload='names')>), <OpOverload(op='aten.softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94180>, kernel=<OpOverload(op='aten.softmax', overload='Dimname')>), <OpOverload(op='aten.conv_transpose2d', overload='input')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95800>, kernel=<OpOverload(op='aten.conv_transpose2d', overload='input')>), <OpOverload(op='aten.isreal', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94d60>, kernel=<OpOverload(op='aten.isreal', overload='default')>), <OpOverload(op='aten._dim_arange', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89da0>, kernel=<OpOverload(op='aten._dim_arange', overload='default')>), <OpOverload(op='aten.linalg_tensorsolve', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89f80>, kernel=<OpOverload(op='aten.linalg_tensorsolve', overload='default')>), <OpOverload(op='_test.get_first', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a2a0>, kernel=<OpOverload(op='_test.get_first', overload='default')>), <OpOverload(op='c10d_functional.reduce_scatter_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a340>, kernel=<OpOverload(op='c10d_functional.reduce_scatter_tensor', overload='default')>), <OpOverload(op='aten._remove_batch_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89120>, kernel=<OpOverload(op='aten._remove_batch_dim', overload='default')>), <OpOverload(op='aten.special_xlogy', overload='other_scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a889a0>, kernel=<OpOverload(op='aten.special_xlogy', overload='other_scalar')>), <OpOverload(op='aten.linalg_vecdot', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88fe0>, kernel=<OpOverload(op='aten.linalg_vecdot', overload='default')>), <OpOverload(op='aten.inner', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b1a0>, kernel=<OpOverload(op='aten.inner', overload='default')>), <OpOverload(op='aten.nll_loss2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a5c0>, kernel=<OpOverload(op='aten.nll_loss2d', overload='default')>), <OpOverload(op='prepacked.unpack_prepacked_sizes_linear', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99e40>, kernel=<OpOverload(op='prepacked.unpack_prepacked_sizes_linear', overload='default')>), <OpOverload(op='aten.fbgemm_linear_fp16_weight_fp32_activation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82e80>, kernel=<OpOverload(op='aten.fbgemm_linear_fp16_weight_fp32_activation', overload='default')>), <OpOverload(op='aten._convolution_double_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82980>, kernel=<OpOverload(op='aten._convolution_double_backward', overload='default')>), <OpOverload(op='aten.get_gradients', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a823e0>, kernel=<OpOverload(op='aten.get_gradients', overload='default')>), <OpOverload(op='aten.special_psi', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a820c0>, kernel=<OpOverload(op='aten.special_psi', overload='default')>), <OpOverload(op='c10d_functional.all_reduce', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a160>, kernel=<OpOverload(op='c10d_functional.all_reduce', overload='default')>), <OpOverload(op='aten._propagate_xla_data', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a884a0>, kernel=<OpOverload(op='aten._propagate_xla_data', overload='default')>), <OpOverload(op='aten.outer', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83880>, kernel=<OpOverload(op='aten.outer', overload='default')>), <OpOverload(op='aten.choose_qparams_optimized', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83420>, kernel=<OpOverload(op='aten.choose_qparams_optimized', overload='default')>), <OpOverload(op='aten.conv_transpose3d', overload='input')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83600>, kernel=<OpOverload(op='aten.conv_transpose3d', overload='input')>), <OpOverload(op='aten.fbgemm_linear_int8_weight_fp32_activation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80680>, kernel=<OpOverload(op='aten.fbgemm_linear_int8_weight_fp32_activation', overload='default')>), <OpOverload(op='aten._wrapped_linear_prepack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a802c0>, kernel=<OpOverload(op='aten._wrapped_linear_prepack', overload='default')>), <OpOverload(op='aten._sparse_mm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77f60>, kernel=<OpOverload(op='aten._sparse_mm', overload='default')>), <OpOverload(op='aten.linalg_slogdet', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81940>, kernel=<OpOverload(op='aten.linalg_slogdet', overload='default')>), <OpOverload(op='aten.matrix_exp_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a819e0>, kernel=<OpOverload(op='aten.matrix_exp_backward', overload='default')>), <OpOverload(op='aten._version', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81260>, kernel=<OpOverload(op='aten._version', overload='default')>), <OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81620>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_tensor')>), <OpOverload(op='aten._convolution', overload='deprecated')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80b80>, kernel=<OpOverload(op='aten._convolution', overload='deprecated')>), <OpOverload(op='aten.is_signed', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76840>, kernel=<OpOverload(op='aten.is_signed', overload='default')>), <OpOverload(op='aten.to_sparse', overload='sparse_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76ac0>, kernel=<OpOverload(op='aten.to_sparse', overload='sparse_dim')>), <OpOverload(op='aten.hstack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76340>, kernel=<OpOverload(op='aten.hstack', overload='default')>), <OpOverload(op='aten.cumulative_trapezoid', overload='x')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76520>, kernel=<OpOverload(op='aten.cumulative_trapezoid', overload='x')>), <OpOverload(op='aten.linalg_tensorinv', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75620>, kernel=<OpOverload(op='aten.linalg_tensorinv', overload='default')>), <OpOverload(op='aten.vander', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a7a0>, kernel=<OpOverload(op='aten.vander', overload='default')>), <OpOverload(op='aten.is_vulkan_available', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77240>, kernel=<OpOverload(op='aten.is_vulkan_available', overload='default')>), <OpOverload(op='aten.thnn_conv2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76de0>, kernel=<OpOverload(op='aten.thnn_conv2d', overload='default')>), <OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74cc0>, kernel=<OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value')>), <OpOverload(op='aten._use_cudnn_rnn_flatten_weight', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74180>, kernel=<OpOverload(op='aten._use_cudnn_rnn_flatten_weight', overload='default')>), <OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='tensor_qparams')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74540>, kernel=<OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='tensor_qparams')>), <OpOverload(op='aten.linalg_svdvals', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6bce0>, kernel=<OpOverload(op='aten.linalg_svdvals', overload='default')>), <OpOverload(op='aten.linalg_solve_ex', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b920>, kernel=<OpOverload(op='aten.linalg_solve_ex', overload='default')>), <OpOverload(op='aten.is_distributed', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75800>, kernel=<OpOverload(op='aten.is_distributed', overload='default')>), <OpOverload(op='aten.retains_grad', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75a80>, kernel=<OpOverload(op='aten.retains_grad', overload='default')>), <OpOverload(op='aten.rms_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75260>, kernel=<OpOverload(op='aten.rms_norm', overload='default')>), <OpOverload(op='aten.unflatten_dense_tensors', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a753a0>, kernel=<OpOverload(op='aten.unflatten_dense_tensors', overload='default')>), <OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a8e0>, kernel=<OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value_size')>), <OpOverload(op='aten._test_serialization_subcmul', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6aa20>, kernel=<OpOverload(op='aten._test_serialization_subcmul', overload='default')>), <OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a660>, kernel=<OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value_size')>), <OpOverload(op='aten._cast_Long', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a020>, kernel=<OpOverload(op='aten._cast_Long', overload='default')>), <OpOverload(op='aten.conv_tbc_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a0c0>, kernel=<OpOverload(op='aten.conv_tbc_backward', overload='default')>), <OpOverload(op='aten._sparse_coo_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a69da0>, kernel=<OpOverload(op='aten._sparse_coo_tensor_unsafe', overload='default')>), <OpOverload(op='aten.bilinear', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b060>, kernel=<OpOverload(op='aten.bilinear', overload='default')>), <OpOverload(op='aten._validate_sparse_compressed_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6aac0>, kernel=<OpOverload(op='aten._validate_sparse_compressed_tensor_args', overload='default')>), <OpOverload(op='aten._cast_Int', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a972e0>, kernel=<OpOverload(op='aten._cast_Int', overload='default')>), <OpOverload(op='aten.fake_quantize_per_tensor_affine_cachemask_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96b60>, kernel=<OpOverload(op='aten.fake_quantize_per_tensor_affine_cachemask_backward', overload='default')>), <OpOverload(op='aten.adaptive_avg_pool2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a967a0>, kernel=<OpOverload(op='aten.adaptive_avg_pool2d', overload='default')>), <OpOverload(op='aten.fake_quantize_per_channel_affine', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95ee0>, kernel=<OpOverload(op='aten.fake_quantize_per_channel_affine', overload='default')>), <OpOverload(op='aten.special_polygamma', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89a80>, kernel=<OpOverload(op='aten.special_polygamma', overload='default')>), <OpOverload(op='aten.gather_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a949a0>, kernel=<OpOverload(op='aten.gather_backward', overload='default')>), <OpOverload(op='aten.special_multigammaln', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80360>, kernel=<OpOverload(op='aten.special_multigammaln', overload='default')>), <OpOverload(op='aten.native_channel_shuffle', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a945e0>, kernel=<OpOverload(op='aten.native_channel_shuffle', overload='default')>), <OpOverload(op='aten.ger', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8ba60>, kernel=<OpOverload(op='aten.ger', overload='default')>), <OpOverload(op='aten._lu_with_info', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8bce0>, kernel=<OpOverload(op='aten._lu_with_info', overload='default')>), <OpOverload(op='aten.data', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95940>, kernel=<OpOverload(op='aten.data', overload='default')>), <OpOverload(op='aten._is_zerotensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95da0>, kernel=<OpOverload(op='aten._is_zerotensor', overload='default')>), <OpOverload(op='aten.special_log1p', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a958a0>, kernel=<OpOverload(op='aten.special_log1p', overload='default')>), <OpOverload(op='aten.cudnn_is_acceptable', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95120>, kernel=<OpOverload(op='aten.cudnn_is_acceptable', overload='default')>), <OpOverload(op='aten.linalg_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a954e0>, kernel=<OpOverload(op='aten.linalg_norm', overload='default')>), <OpOverload(op='aten.gradient', overload='scalarrayint')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94cc0>, kernel=<OpOverload(op='aten.gradient', overload='scalarrayint')>), <OpOverload(op='aten._sparse_softmax', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89e40>, kernel=<OpOverload(op='aten._sparse_softmax', overload='int')>), <OpOverload(op='aten.result_type', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89760>, kernel=<OpOverload(op='aten.result_type', overload='Scalar')>), <OpOverload(op='aten._cast_Byte', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a893a0>, kernel=<OpOverload(op='aten._cast_Byte', overload='default')>), <OpOverload(op='aten.to_sparse', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88ae0>, kernel=<OpOverload(op='aten.to_sparse', overload='default')>), <OpOverload(op='aten._test_ambiguous_defaults', overload='a')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b380>, kernel=<OpOverload(op='aten._test_ambiguous_defaults', overload='a')>), <OpOverload(op='aten.special_gammainc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8aac0>, kernel=<OpOverload(op='aten.special_gammainc', overload='default')>), <OpOverload(op='aten.triplet_margin_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a8e0>, kernel=<OpOverload(op='aten.triplet_margin_loss', overload='default')>), <OpOverload(op='aten.to_sparse_bsc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82ca0>, kernel=<OpOverload(op='aten.to_sparse_bsc', overload='default')>), <OpOverload(op='aten._backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82a20>, kernel=<OpOverload(op='aten._backward', overload='default')>), <OpOverload(op='aten._reshape_from_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82c00>, kernel=<OpOverload(op='aten._reshape_from_tensor', overload='default')>), <OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81c60>, kernel=<OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value_size')>), <OpOverload(op='aten._pack_padded_sequence_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82020>, kernel=<OpOverload(op='aten._pack_padded_sequence_backward', overload='default')>), <OpOverload(op='aten.linalg_matrix_rank', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88680>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='default')>), <OpOverload(op='aten.is_leaf', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83560>, kernel=<OpOverload(op='aten.is_leaf', overload='default')>), <OpOverload(op='aten._has_compatible_shallow_copy_type', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a837e0>, kernel=<OpOverload(op='aten._has_compatible_shallow_copy_type', overload='default')>), <OpOverload(op='aten.cumulative_trapezoid', overload='dx')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97380>, kernel=<OpOverload(op='aten.cumulative_trapezoid', overload='dx')>), <OpOverload(op='quantized.conv2d_unpack_sizes', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9aac0>, kernel=<OpOverload(op='quantized.conv2d_unpack_sizes', overload='default')>), <OpOverload(op='aten._cast_Float', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96d40>, kernel=<OpOverload(op='aten._cast_Float', overload='default')>), <OpOverload(op='aten._cast_Half', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a965c0>, kernel=<OpOverload(op='aten._cast_Half', overload='default')>), <OpOverload(op='aten.ctc_loss', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a962a0>, kernel=<OpOverload(op='aten.ctc_loss', overload='Tensor')>), <OpOverload(op='aten._sparse_softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77a60>, kernel=<OpOverload(op='aten._sparse_softmax', overload='Dimname')>), <OpOverload(op='aten.trapezoid', overload='x')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a982c0>, kernel=<OpOverload(op='aten.trapezoid', overload='x')>), <OpOverload(op='aten.linalg_solve', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97ce0>, kernel=<OpOverload(op='aten.linalg_solve', overload='default')>), <OpOverload(op='aten._sobol_engine_draw', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a980e0>, kernel=<OpOverload(op='aten._sobol_engine_draw', overload='default')>), <OpOverload(op='aten.gradient', overload='array')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94a40>, kernel=<OpOverload(op='aten.gradient', overload='array')>), <OpOverload(op='aten.result_type', overload='Scalar_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76c00>, kernel=<OpOverload(op='aten.result_type', overload='Scalar_Scalar')>), <OpOverload(op='aten.histogramdd', overload='int_bins')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a942c0>, kernel=<OpOverload(op='aten.histogramdd', overload='int_bins')>), <OpOverload(op='aten.slogdet', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8bec0>, kernel=<OpOverload(op='aten.slogdet', overload='default')>), <OpOverload(op='aten.trapz', overload='x')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a959e0>, kernel=<OpOverload(op='aten.trapz', overload='x')>), <OpOverload(op='aten.nanmean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95620>, kernel=<OpOverload(op='aten.nanmean', overload='default')>), <OpOverload(op='aten.tensordot', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a956c0>, kernel=<OpOverload(op='aten.tensordot', overload='default')>), <OpOverload(op='aten.result_type', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a960c0>, kernel=<OpOverload(op='aten.result_type', overload='Tensor')>), <OpOverload(op='aten.cummaxmin_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89b20>, kernel=<OpOverload(op='aten.cummaxmin_backward', overload='default')>), <OpOverload(op='_test.leaky_relu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a3e0>, kernel=<OpOverload(op='_test.leaky_relu', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='dim_dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a899e0>, kernel=<OpOverload(op='aten._sparse_sum', overload='dim_dtype')>), <OpOverload(op='aten.cumprod_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88a40>, kernel=<OpOverload(op='aten.cumprod_backward', overload='default')>), <OpOverload(op='aten._batch_norm_impl_index_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88cc0>, kernel=<OpOverload(op='aten._batch_norm_impl_index_backward', overload='default')>), <OpOverload(op='aten.nuclear_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b420>, kernel=<OpOverload(op='aten.nuclear_norm', overload='default')>), <OpOverload(op='aten.vstack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8ade0>, kernel=<OpOverload(op='aten.vstack', overload='default')>), <OpOverload(op='aten.special_round', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8af20>, kernel=<OpOverload(op='aten.special_round', overload='default')>), <OpOverload(op='aten.msort', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a700>, kernel=<OpOverload(op='aten.msort', overload='default')>), <OpOverload(op='aten.argsort', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a2a0>, kernel=<OpOverload(op='aten.argsort', overload='dimname')>), <OpOverload(op='mkldnn._is_mkldnn_bf16_supported', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99ee0>, kernel=<OpOverload(op='mkldnn._is_mkldnn_bf16_supported', overload='default')>), <OpOverload(op='aten._cast_Double', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82de0>, kernel=<OpOverload(op='aten._cast_Double', overload='default')>), <OpOverload(op='aten._pad_circular', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82840>, kernel=<OpOverload(op='aten._pad_circular', overload='default')>), <OpOverload(op='aten.index_select_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82520>, kernel=<OpOverload(op='aten.index_select_backward', overload='default')>), <OpOverload(op='_test.cat', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99c60>, kernel=<OpOverload(op='_test.cat', overload='default')>), <OpOverload(op='aten.linalg_matmul', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81e40>, kernel=<OpOverload(op='aten.linalg_matmul', overload='default')>), <OpOverload(op='aten.kron', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6bf60>, kernel=<OpOverload(op='aten.kron', overload='default')>), <OpOverload(op='aten.to_dense_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88400>, kernel=<OpOverload(op='aten.to_dense_backward', overload='default')>), <OpOverload(op='aten.linalg_pinv', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88220>, kernel=<OpOverload(op='aten.linalg_pinv', overload='default')>), <OpOverload(op='aten.linalg_pinv', overload='atol_rtol_float')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83a60>, kernel=<OpOverload(op='aten.linalg_pinv', overload='atol_rtol_float')>), <OpOverload(op='aten.diagflat', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83d80>, kernel=<OpOverload(op='aten.diagflat', overload='default')>), <OpOverload(op='aten.value_selecting_reduction_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a759e0>, kernel=<OpOverload(op='aten.value_selecting_reduction_backward', overload='default')>), <OpOverload(op='aten.to_dense', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96f20>, kernel=<OpOverload(op='aten.to_dense', overload='default')>), <OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a69e40>, kernel=<OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value')>), <OpOverload(op='aten.cov', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74400>, kernel=<OpOverload(op='aten.cov', overload='default')>), <OpOverload(op='aten.linalg_cond', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96ca0>, kernel=<OpOverload(op='aten.linalg_cond', overload='default')>), <OpOverload(op='aten.argwhere', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a968e0>, kernel=<OpOverload(op='aten.argwhere', overload='default')>), <OpOverload(op='aten.is_inference', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96520>, kernel=<OpOverload(op='aten.is_inference', overload='default')>), <OpOverload(op='aten.is_conj', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a963e0>, kernel=<OpOverload(op='aten.is_conj', overload='default')>), <OpOverload(op='aten.row_stack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a985e0>, kernel=<OpOverload(op='aten.row_stack', overload='default')>), <OpOverload(op='aten.sparse_csc_tensor', overload='ccol_row_value_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98180>, kernel=<OpOverload(op='aten.sparse_csc_tensor', overload='ccol_row_value_size')>), <OpOverload(op='aten.rnn_relu_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97d80>, kernel=<OpOverload(op='aten.rnn_relu_cell', overload='default')>), <OpOverload(op='aten.adaptive_avg_pool1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97a60>, kernel=<OpOverload(op='aten.adaptive_avg_pool1d', overload='default')>), <OpOverload(op='aten._to_cpu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a977e0>, kernel=<OpOverload(op='aten._to_cpu', overload='default')>), <OpOverload(op='aten.fliplr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75580>, kernel=<OpOverload(op='aten.fliplr', overload='default')>), <OpOverload(op='aten.one_hot', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b920>, kernel=<OpOverload(op='aten.one_hot', overload='default')>), <OpOverload(op='aten.sparse_csc_tensor', overload='ccol_row_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8bba0>, kernel=<OpOverload(op='aten.sparse_csc_tensor', overload='ccol_row_value')>), <OpOverload(op='aten.matrix_power', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81800>, kernel=<OpOverload(op='aten.matrix_power', overload='default')>), <OpOverload(op='aten.align_tensors', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95760>, kernel=<OpOverload(op='aten.align_tensors', overload='default')>), <OpOverload(op='aten.cdist', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a953a0>, kernel=<OpOverload(op='aten.cdist', overload='default')>), <OpOverload(op='aten.special_gammaln', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89c60>, kernel=<OpOverload(op='aten.special_gammaln', overload='default')>), <OpOverload(op='aten.chalf', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89580>, kernel=<OpOverload(op='aten.chalf', overload='default')>), <OpOverload(op='aten.linalg_pinv', overload='rcond_tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a898a0>, kernel=<OpOverload(op='aten.linalg_pinv', overload='rcond_tensor')>), <OpOverload(op='aten.to_sparse_csr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88900>, kernel=<OpOverload(op='aten.to_sparse_csr', overload='default')>), <OpOverload(op='aten.linalg_vander', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b560>, kernel=<OpOverload(op='aten.linalg_vander', overload='default')>), <OpOverload(op='aten.ctc_loss', overload='IntList')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8ad40>, kernel=<OpOverload(op='aten.ctc_loss', overload='IntList')>), <OpOverload(op='aten._pad_packed_sequence', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a340>, kernel=<OpOverload(op='aten._pad_packed_sequence', overload='default')>), <OpOverload(op='aten.fbgemm_linear_fp16_weight', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82d40>, kernel=<OpOverload(op='aten.fbgemm_linear_fp16_weight', overload='default')>), <OpOverload(op='aten._weight_norm_differentiable_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82fc0>, kernel=<OpOverload(op='aten._weight_norm_differentiable_backward', overload='default')>), <OpOverload(op='aten.lstm_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a828e0>, kernel=<OpOverload(op='aten.lstm_cell', overload='default')>), <OpOverload(op='aten._grid_sampler_2d_cpu_fallback_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82ac0>, kernel=<OpOverload(op='aten._grid_sampler_2d_cpu_fallback_backward', overload='default')>), <OpOverload(op='aten.masked_select_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82340>, kernel=<OpOverload(op='aten.masked_select_backward', overload='default')>), <OpOverload(op='aten._saturate_weight_to_fp16', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81ee0>, kernel=<OpOverload(op='aten._saturate_weight_to_fp16', overload='default')>), <OpOverload(op='c10d_functional.broadcast', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a0c0>, kernel=<OpOverload(op='c10d_functional.broadcast', overload='default')>), <OpOverload(op='aten._sparse_bsr_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83e20>, kernel=<OpOverload(op='aten._sparse_bsr_tensor_unsafe', overload='default')>), <OpOverload(op='aten.fbgemm_linear_quantize_weight', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83240>, kernel=<OpOverload(op='aten.fbgemm_linear_quantize_weight', overload='default')>), <OpOverload(op='aten.pinverse', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a807c0>, kernel=<OpOverload(op='aten.pinverse', overload='default')>), <OpOverload(op='aten.quantized_rnn_tanh_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80900>, kernel=<OpOverload(op='aten.quantized_rnn_tanh_cell', overload='default')>), <OpOverload(op='aten.fbgemm_pack_quantized_matrix', overload='KN')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0ff60>, kernel=<OpOverload(op='aten.fbgemm_pack_quantized_matrix', overload='KN')>), <OpOverload(op='aten._add_batch_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77d80>, kernel=<OpOverload(op='aten._add_batch_dim', overload='default')>), <OpOverload(op='aten.linalg_eigh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81300>, kernel=<OpOverload(op='aten.linalg_eigh', overload='default')>), <OpOverload(op='aten.qr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81120>, kernel=<OpOverload(op='aten.qr', overload='default')>), <OpOverload(op='aten._scaled_dot_product_attention_math', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8bc40>, kernel=<OpOverload(op='aten._scaled_dot_product_attention_math', overload='default')>), <OpOverload(op='aten._validate_sparse_csc_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a768e0>, kernel=<OpOverload(op='aten._validate_sparse_csc_tensor_args', overload='default')>), <OpOverload(op='profiler._record_function_exit', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98f40>, kernel=<OpOverload(op='profiler._record_function_exit', overload='default')>), <OpOverload(op='aten.linalg_eigvalsh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76200>, kernel=<OpOverload(op='aten.linalg_eigvalsh', overload='default')>), <OpOverload(op='aten._sparse_compressed_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76480>, kernel=<OpOverload(op='aten._sparse_compressed_tensor_unsafe', overload='default')>), <OpOverload(op='aten._sparse_bsc_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a760c0>, kernel=<OpOverload(op='aten._sparse_bsc_tensor_unsafe', overload='default')>), <OpOverload(op='aten.linalg_matrix_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a779c0>, kernel=<OpOverload(op='aten.linalg_matrix_norm', overload='default')>), <OpOverload(op='aten._wrapped_quantized_linear_prepacked', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77b00>, kernel=<OpOverload(op='aten._wrapped_quantized_linear_prepacked', overload='default')>), <OpOverload(op='aten.special_i0', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77600>, kernel=<OpOverload(op='aten.special_i0', overload='default')>), <OpOverload(op='aten.rnn_tanh_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a772e0>, kernel=<OpOverload(op='aten.rnn_tanh_cell', overload='default')>), <OpOverload(op='aten.l1_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a749a0>, kernel=<OpOverload(op='aten.l1_loss', overload='default')>), <OpOverload(op='aten.fbgemm_pack_quantized_matrix', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74220>, kernel=<OpOverload(op='aten.fbgemm_pack_quantized_matrix', overload='default')>), <OpOverload(op='aten._sparse_log_softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6be20>, kernel=<OpOverload(op='aten._sparse_log_softmax', overload='Dimname')>), <OpOverload(op='aten.flipud', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a756c0>, kernel=<OpOverload(op='aten.flipud', overload='default')>), <OpOverload(op='aten.special_xlogy', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75120>, kernel=<OpOverload(op='aten.special_xlogy', overload='default')>), <OpOverload(op='aten._nnpack_available', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74f40>, kernel=<OpOverload(op='aten._nnpack_available', overload='default')>), <OpOverload(op='aten._test_autograd_multiple_dispatch', overload='ntonly')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a840>, kernel=<OpOverload(op='aten._test_autograd_multiple_dispatch', overload='ntonly')>), <OpOverload(op='mkldnn._is_mkldnn_fp16_supported', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98a40>, kernel=<OpOverload(op='mkldnn._is_mkldnn_fp16_supported', overload='default')>), <OpOverload(op='aten._rowwise_prune', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a480>, kernel=<OpOverload(op='aten._rowwise_prune', overload='default')>), <OpOverload(op='aten.frobenius_norm', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a69c60>, kernel=<OpOverload(op='aten.frobenius_norm', overload='dim')>), <OpOverload(op='aten.is_neg', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b7e0>, kernel=<OpOverload(op='aten.is_neg', overload='default')>), <OpOverload(op='aten.result_type', overload='Scalar_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b420>, kernel=<OpOverload(op='aten.result_type', overload='Scalar_Tensor')>), <OpOverload(op='aten.gradient', overload='scalararray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b4c0>, kernel=<OpOverload(op='aten.gradient', overload='scalararray')>), <OpOverload(op='aten.diff', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6af20>, kernel=<OpOverload(op='aten.diff', overload='default')>), <OpOverload(op='aten.linalg_cholesky', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6afc0>, kernel=<OpOverload(op='aten.linalg_cholesky', overload='default')>), <OpOverload(op='aten.special_expit', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a2a0>, kernel=<OpOverload(op='aten.special_expit', overload='default')>), <OpOverload(op='aten.argsort', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96840>, kernel=<OpOverload(op='aten.argsort', overload='default')>), <OpOverload(op='aten.nested_to_padded_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96200>, kernel=<OpOverload(op='aten.nested_to_padded_tensor', overload='default')>), <OpOverload(op='aten.fbgemm_pack_gemm_matrix_fp16', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f240>, kernel=<OpOverload(op='aten.fbgemm_pack_gemm_matrix_fp16', overload='default')>), <OpOverload(op='aten.is_floating_point', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98220>, kernel=<OpOverload(op='aten.is_floating_point', overload='default')>), <OpOverload(op='aten.output_nr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94680>, kernel=<OpOverload(op='aten.output_nr', overload='default')>), <OpOverload(op='aten._thnn_differentiable_lstm_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94540>, kernel=<OpOverload(op='aten._thnn_differentiable_lstm_cell_backward', overload='default')>), <OpOverload(op='aten.cosine_embedding_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a940e0>, kernel=<OpOverload(op='aten.cosine_embedding_loss', overload='default')>), <OpOverload(op='mkldnn._is_mkldnn_acl_supported', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a7a0>, kernel=<OpOverload(op='mkldnn._is_mkldnn_acl_supported', overload='default')>), <OpOverload(op='aten.sparse_coo_tensor', overload='indices')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94fe0>, kernel=<OpOverload(op='aten.sparse_coo_tensor', overload='indices')>), <OpOverload(op='aten._sparse_mm', overload='reduce')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94c20>, kernel=<OpOverload(op='aten._sparse_mm', overload='reduce')>), <OpOverload(op='aten.to_sparse_csc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89620>, kernel=<OpOverload(op='aten.to_sparse_csc', overload='default')>), <OpOverload(op='aten.linalg_lu_factor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89940>, kernel=<OpOverload(op='aten.linalg_lu_factor', overload='default')>), <OpOverload(op='aten._choose_qparams_per_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89300>, kernel=<OpOverload(op='aten._choose_qparams_per_tensor', overload='default')>), <OpOverload(op='aten.embedding_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88f40>, kernel=<OpOverload(op='aten.embedding_backward', overload='default')>), <OpOverload(op='aten.align_as', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b4c0>, kernel=<OpOverload(op='aten.align_as', overload='default')>), <OpOverload(op='aten._validate_sparse_bsc_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b060>, kernel=<OpOverload(op='aten._validate_sparse_bsc_tensor_args', overload='default')>), <OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a840>, kernel=<OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value')>), <OpOverload(op='aten.nanquantile', overload='scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a980>, kernel=<OpOverload(op='aten.nanquantile', overload='scalar')>), <OpOverload(op='c10d_functional.all_to_all_single', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a480>, kernel=<OpOverload(op='c10d_functional.all_to_all_single', overload='default')>), <OpOverload(op='aten._cast_Char', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82f20>, kernel=<OpOverload(op='aten._cast_Char', overload='default')>), <OpOverload(op='aten.dstack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a751c0>, kernel=<OpOverload(op='aten.dstack', overload='default')>), <OpOverload(op='aten.linalg_multi_dot', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82160>, kernel=<OpOverload(op='aten.linalg_multi_dot', overload='default')>), <OpOverload(op='aten._validate_sparse_bsr_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82480>, kernel=<OpOverload(op='aten._validate_sparse_bsr_tensor_args', overload='default')>), <OpOverload(op='aten.special_erfinv', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81d00>, kernel=<OpOverload(op='aten.special_erfinv', overload='default')>), <OpOverload(op='aten.adaptive_avg_pool3d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88720>, kernel=<OpOverload(op='aten.adaptive_avg_pool3d', overload='default')>), <OpOverload(op='c10d_functional.all_gather_into_tensor_coalesced', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a020>, kernel=<OpOverload(op='c10d_functional.all_gather_into_tensor_coalesced', overload='default')>), <OpOverload(op='aten.gradient', overload='scalarint')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88540>, kernel=<OpOverload(op='aten.gradient', overload='scalarint')>), <OpOverload(op='aten._pad_enum', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83920>, kernel=<OpOverload(op='aten._pad_enum', overload='default')>), <OpOverload(op='aten.special_logsumexp', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83ec0>, kernel=<OpOverload(op='aten.special_logsumexp', overload='default')>), <OpOverload(op='aten.column_stack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a834c0>, kernel=<OpOverload(op='aten.column_stack', overload='default')>), <OpOverload(op='aten._debug_has_internal_overlap', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80720>, kernel=<OpOverload(op='aten._debug_has_internal_overlap', overload='default')>), <OpOverload(op='aten.sparse_coo_tensor', overload='indices_size')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80220>, kernel=<OpOverload(op='aten.sparse_coo_tensor', overload='indices_size')>), <OpOverload(op='aten.linalg_inv', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a800e0>, kernel=<OpOverload(op='aten.linalg_inv', overload='default')>), <OpOverload(op='aten._cast_Short', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b7e0>, kernel=<OpOverload(op='aten._cast_Short', overload='default')>), <OpOverload(op='c10d_functional.all_gather_into_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99800>, kernel=<OpOverload(op='c10d_functional.all_gather_into_tensor', overload='default')>), <OpOverload(op='aten.adaptive_max_pool1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81bc0>, kernel=<OpOverload(op='aten.adaptive_max_pool1d', overload='default')>), <OpOverload(op='aten.flatten_dense_tensors', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a813a0>, kernel=<OpOverload(op='aten.flatten_dense_tensors', overload='default')>), <OpOverload(op='aten.linalg_ldl_factor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80fe0>, kernel=<OpOverload(op='aten.linalg_ldl_factor', overload='default')>), <OpOverload(op='aten.chain_matmul', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80d60>, kernel=<OpOverload(op='aten.chain_matmul', overload='default')>), <OpOverload(op='aten._thnn_differentiable_gru_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76020>, kernel=<OpOverload(op='aten._thnn_differentiable_gru_cell_backward', overload='default')>), <OpOverload(op='profiler._record_function_enter_new', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a993a0>, kernel=<OpOverload(op='profiler._record_function_enter_new', overload='default')>), <OpOverload(op='aten.gradient', overload='tensorarray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a160>, kernel=<OpOverload(op='aten.gradient', overload='tensorarray')>), <OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_float')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76fc0>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_float')>), <OpOverload(op='aten._cufft_set_plan_cache_max_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77740>, kernel=<OpOverload(op='aten._cufft_set_plan_cache_max_size', overload='default')>), <OpOverload(op='aten.linalg_svd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77880>, kernel=<OpOverload(op='aten.linalg_svd', overload='default')>), <OpOverload(op='aten.argsort', overload='stable')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a771a0>, kernel=<OpOverload(op='aten.argsort', overload='stable')>), <OpOverload(op='aten.nuclear_norm', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74d60>, kernel=<OpOverload(op='aten.nuclear_norm', overload='dim')>), <OpOverload(op='inductor._alloc_from_pool', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99620>, kernel=<OpOverload(op='inductor._alloc_from_pool', overload='default')>), <OpOverload(op='aten.gradient', overload='tensorarrayint')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77060>, kernel=<OpOverload(op='aten.gradient', overload='tensorarrayint')>), <OpOverload(op='aten.can_cast', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a745e0>, kernel=<OpOverload(op='aten.can_cast', overload='default')>), <OpOverload(op='aten._test_string_default', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6bec0>, kernel=<OpOverload(op='aten._test_string_default', overload='default')>), <OpOverload(op='aten.linalg_matrix_power', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6bd80>, kernel=<OpOverload(op='aten.linalg_matrix_power', overload='default')>), <OpOverload(op='aten._embedding_bag_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6ba60>, kernel=<OpOverload(op='aten._embedding_bag_sparse_backward', overload='default')>), <OpOverload(op='c10d_functional.wait_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98ea0>, kernel=<OpOverload(op='c10d_functional.wait_tensor', overload='default')>), <OpOverload(op='aten.quantile', overload='scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75bc0>, kernel=<OpOverload(op='aten.quantile', overload='scalar')>), <OpOverload(op='aten._validate_sparse_coo_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75760>, kernel=<OpOverload(op='aten._validate_sparse_coo_tensor_args', overload='default')>), <OpOverload(op='aten.special_gammaincc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75b20>, kernel=<OpOverload(op='aten.special_gammaincc', overload='default')>), <OpOverload(op='aten._validate_sparse_csr_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75940>, kernel=<OpOverload(op='aten._validate_sparse_csr_tensor_args', overload='default')>), <OpOverload(op='aten.quantized_gru_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a754e0>, kernel=<OpOverload(op='aten.quantized_gru_cell', overload='default')>), <OpOverload(op='aten.cosine_similarity', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74fe0>, kernel=<OpOverload(op='aten.cosine_similarity', overload='default')>), <OpOverload(op='aten._sparse_log_softmax', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83100>, kernel=<OpOverload(op='aten._sparse_log_softmax', overload='int')>), <OpOverload(op='aten.nll_loss_nd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f4c0>, kernel=<OpOverload(op='aten.nll_loss_nd', overload='default')>), <OpOverload(op='aten.smm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b6a0>, kernel=<OpOverload(op='aten.smm', overload='default')>), <OpOverload(op='aten.trace_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b560>, kernel=<OpOverload(op='aten.trace_backward', overload='default')>), <OpOverload(op='aten.slow_conv3d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6ab60>, kernel=<OpOverload(op='aten.slow_conv3d', overload='default')>), <OpOverload(op='aten.combinations', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6aca0>, kernel=<OpOverload(op='aten.combinations', overload='default')>), <OpOverload(op='aten._sparse_csr_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a809a0>, kernel=<OpOverload(op='aten._sparse_csr_tensor_unsafe', overload='default')>), <OpOverload(op='aten.inverse', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80540>, kernel=<OpOverload(op='aten.inverse', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77ec0>, kernel=<OpOverload(op='aten._sparse_sum', overload='default')>), <OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77420>, kernel=<OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='default')>), <OpOverload(op='aten.multilabel_margin_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81a80>, kernel=<OpOverload(op='aten.multilabel_margin_loss', overload='default')>), <OpOverload(op='aten.fake_quantize_per_channel_affine_cachemask_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81580>, kernel=<OpOverload(op='aten.fake_quantize_per_channel_affine_cachemask_backward', overload='default')>), <OpOverload(op='aten.embedding_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80c20>, kernel=<OpOverload(op='aten.embedding_sparse_backward', overload='default')>), <OpOverload(op='aten.special_digamma', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80ae0>, kernel=<OpOverload(op='aten.special_digamma', overload='default')>), <OpOverload(op='aten.promote_types', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76a20>, kernel=<OpOverload(op='aten.promote_types', overload='default')>), <OpOverload(op='aten.quantized_rnn_relu_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76b60>, kernel=<OpOverload(op='aten.quantized_rnn_relu_cell', overload='default')>), <OpOverload(op='profiler._record_function_enter', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99580>, kernel=<OpOverload(op='profiler._record_function_enter', overload='default')>), <OpOverload(op='aten.histogramdd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76700>, kernel=<OpOverload(op='aten.histogramdd', overload='default')>), <OpOverload(op='c10d_functional.all_reduce_coalesced', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99440>, kernel=<OpOverload(op='c10d_functional.all_reduce_coalesced', overload='default')>), <OpOverload(op='aten.kl_div', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a762a0>, kernel=<OpOverload(op='aten.kl_div', overload='default')>), <OpOverload(op='aten._weight_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a765c0>, kernel=<OpOverload(op='aten._weight_norm', overload='default')>), <OpOverload(op='aten._gather_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75ee0>, kernel=<OpOverload(op='aten._gather_sparse_backward', overload='default')>), <OpOverload(op='aten.conv_transpose1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80180>, kernel=<OpOverload(op='aten.conv_transpose1d', overload='default')>), <OpOverload(op='aten.sspaddmm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77ba0>, kernel=<OpOverload(op='aten.sspaddmm', overload='default')>), <OpOverload(op='aten.take_along_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a776a0>, kernel=<OpOverload(op='aten.take_along_dim', overload='default')>), <OpOverload(op='aten.linalg_matrix_rank', overload='tol_tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77920>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='tol_tensor')>), <OpOverload(op='aten.corrcoef', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77560>, kernel=<OpOverload(op='aten.corrcoef', overload='default')>), <OpOverload(op='aten.nanquantile', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76ca0>, kernel=<OpOverload(op='aten.nanquantile', overload='default')>), <OpOverload(op='aten.poisson_nll_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76f20>, kernel=<OpOverload(op='aten.poisson_nll_loss', overload='default')>), <OpOverload(op='aten.trapezoid', overload='dx')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74b80>, kernel=<OpOverload(op='aten.trapezoid', overload='dx')>), <OpOverload(op='aten.matrix_exp', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a740e0>, kernel=<OpOverload(op='aten.matrix_exp', overload='default')>), <OpOverload(op='aten._cufft_get_plan_cache_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6ad40>, kernel=<OpOverload(op='aten._cufft_get_plan_cache_size', overload='default')>), <OpOverload(op='aten.to_sparse_bsr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77c40>, kernel=<OpOverload(op='aten.to_sparse_bsr', overload='default')>), <OpOverload(op='aten.trapz', overload='dx')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74040>, kernel=<OpOverload(op='aten.trapz', overload='dx')>), <OpOverload(op='aten.special_exp2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b9c0>, kernel=<OpOverload(op='aten.special_exp2', overload='default')>), <OpOverload(op='aten.fbgemm_linear_int8_weight', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6bba0>, kernel=<OpOverload(op='aten.fbgemm_linear_int8_weight', overload='default')>), <OpOverload(op='aten.lu_solve', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75080>, kernel=<OpOverload(op='aten.lu_solve', overload='default')>), <OpOverload(op='aten._test_ambiguous_defaults', overload='b')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a980>, kernel=<OpOverload(op='aten._test_ambiguous_defaults', overload='b')>), <OpOverload(op='aten._convolution_mode', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a340>, kernel=<OpOverload(op='aten._convolution_mode', overload='default')>), <OpOverload(op='aten._thnn_fused_lstm_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a700>, kernel=<OpOverload(op='aten._thnn_fused_lstm_cell_backward', overload='default')>), <OpOverload(op='aten.affine_grid_generator_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a520>, kernel=<OpOverload(op='aten.affine_grid_generator_backward', overload='default')>), <OpOverload(op='aten._sparse_csc_tensor_unsafe', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a69f80>, kernel=<OpOverload(op='aten._sparse_csc_tensor_unsafe', overload='default')>), <OpOverload(op='aten.sum_to_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a160>, kernel=<OpOverload(op='aten.sum_to_size', overload='default')>), <OpOverload(op='aten.infinitely_differentiable_gelu_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f560>, kernel=<OpOverload(op='aten.infinitely_differentiable_gelu_backward', overload='default')>), <OpOverload(op='aten.linalg_matrix_norm', overload='str_ord')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a69ee0>, kernel=<OpOverload(op='aten.linalg_matrix_norm', overload='str_ord')>), <OpOverload(op='aten.to_mkldnn_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b880>, kernel=<OpOverload(op='aten.to_mkldnn_backward', overload='default')>), <OpOverload(op='aten.orgqr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b2e0>, kernel=<OpOverload(op='aten.orgqr', overload='default')>), <OpOverload(op='aten._cufft_get_plan_cache_max_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b1a0>, kernel=<OpOverload(op='aten._cufft_get_plan_cache_max_size', overload='default')>), <OpOverload(op='aten.quantile', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b100>, kernel=<OpOverload(op='aten.quantile', overload='default')>), <OpOverload(op='c10d_functional.reduce_scatter_tensor_coalesced', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98d60>, kernel=<OpOverload(op='c10d_functional.reduce_scatter_tensor_coalesced', overload='default')>), <OpOverload(op='prepacked.unpack_prepacked_sizes_conv2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99a80>, kernel=<OpOverload(op='prepacked.unpack_prepacked_sizes_conv2d', overload='default')>), <OpOverload(op='aten.special_xlogy', overload='self_scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80a40>, kernel=<OpOverload(op='aten.special_xlogy', overload='self_scalar')>), <OpOverload(op='aten._shape_as_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80400>, kernel=<OpOverload(op='aten._shape_as_tensor', overload='default')>), <OpOverload(op='aten.gradient', overload='scalarrayarray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77e20>, kernel=<OpOverload(op='aten.gradient', overload='scalarrayarray')>), <OpOverload(op='aten.norm_except_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81b20>, kernel=<OpOverload(op='aten.norm_except_dim', overload='default')>), <OpOverload(op='aten.gru_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77ce0>, kernel=<OpOverload(op='aten.gru_cell', overload='default')>), <OpOverload(op='aten.quantized_lstm_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a811c0>, kernel=<OpOverload(op='aten.quantized_lstm_cell', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80f40>, kernel=<OpOverload(op='aten._sparse_sum', overload='dtype')>), <OpOverload(op='aten.special_logit', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80e00>, kernel=<OpOverload(op='aten.special_logit', overload='default')>), <OpOverload(op='aten._cufft_clear_plan_cache', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a777e0>, kernel=<OpOverload(op='aten._cufft_clear_plan_cache', overload='default')>), <OpOverload(op='aten.linalg_cond', overload='p_str')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74860>, kernel=<OpOverload(op='aten.linalg_cond', overload='p_str')>), <OpOverload(op='aten.histogramdd', overload='TensorList_bins')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a767a0>, kernel=<OpOverload(op='aten.histogramdd', overload='TensorList_bins')>), <OpOverload(op='aten.linalg_norm', overload='ord_str')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6bc40>, kernel=<OpOverload(op='aten.linalg_norm', overload='ord_str')>), <OpOverload(op='aten.__and__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b740>, kernel=<OpOverload(op='aten.__and__', overload='Scalar')>), <OpOverload(op='aten.__or__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6ade0>, kernel=<OpOverload(op='aten.__or__', overload='Tensor')>), <OpOverload(op='aten.__or__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80860>, kernel=<OpOverload(op='aten.__or__', overload='Scalar')>), <OpOverload(op='aten.__and__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76160>, kernel=<OpOverload(op='aten.__and__', overload='Tensor')>), <OpOverload(op='aten.__xor__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98860>, kernel=<OpOverload(op='aten.__xor__', overload='Scalar')>), <OpOverload(op='aten.__xor__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96980>, kernel=<OpOverload(op='aten.__xor__', overload='Tensor')>), <OpOverload(op='aten.absolute', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a839c0>, kernel=<OpOverload(op='aten.absolute', overload='default')>), <OpOverload(op='aten.arccos', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83f60>, kernel=<OpOverload(op='aten.arccos', overload='default')>), <OpOverload(op='aten.arcsin', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95f80>, kernel=<OpOverload(op='aten.arcsin', overload='default')>), <OpOverload(op='aten.arccosh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98720>, kernel=<OpOverload(op='aten.arccosh', overload='default')>), <OpOverload(op='aten.arcsinh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a896c0>, kernel=<OpOverload(op='aten.arcsinh', overload='default')>), <OpOverload(op='aten.arctanh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88d60>, kernel=<OpOverload(op='aten.arctanh', overload='default')>), <OpOverload(op='aten.arctan', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a891c0>, kernel=<OpOverload(op='aten.arctan', overload='default')>), <OpOverload(op='aten.arctan2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a020>, kernel=<OpOverload(op='aten.arctan2', overload='default')>), <OpOverload(op='aten.conv2d', overload='padding')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83060>, kernel=<OpOverload(op='aten.conv2d', overload='padding')>), <OpOverload(op='aten.clip', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b240>, kernel=<OpOverload(op='aten.clip', overload='Tensor')>), <OpOverload(op='aten.cummin', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88180>, kernel=<OpOverload(op='aten.cummin', overload='dimname')>), <OpOverload(op='aten.cummax', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88040>, kernel=<OpOverload(op='aten.cummax', overload='dimname')>), <OpOverload(op='aten.divide', overload='Tensor_mode')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83380>, kernel=<OpOverload(op='aten.divide', overload='Tensor_mode')>), <OpOverload(op='aten.divide', overload='Scalar_mode')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83740>, kernel=<OpOverload(op='aten.divide', overload='Scalar_mode')>), <OpOverload(op='aten.fix', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a818a0>, kernel=<OpOverload(op='aten.fix', overload='default')>), <OpOverload(op='aten.gather', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96020>, kernel=<OpOverload(op='aten.gather', overload='dimname')>), <OpOverload(op='aten.greater', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98680>, kernel=<OpOverload(op='aten.greater', overload='Scalar')>), <OpOverload(op='aten.greater_equal', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97ba0>, kernel=<OpOverload(op='aten.greater_equal', overload='Scalar')>), <OpOverload(op='aten.ldexp', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95bc0>, kernel=<OpOverload(op='aten.ldexp', overload='Tensor')>), <OpOverload(op='aten.kthvalue', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b880>, kernel=<OpOverload(op='aten.kthvalue', overload='dimname')>), <OpOverload(op='aten.less', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95d00>, kernel=<OpOverload(op='aten.less', overload='Scalar')>), <OpOverload(op='aten.less_equal', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94b80>, kernel=<OpOverload(op='aten.less_equal', overload='Scalar')>), <OpOverload(op='aten.linalg_eigvals', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a0c0>, kernel=<OpOverload(op='aten.linalg_eigvals', overload='default')>), <OpOverload(op='aten.logcumsumexp', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89260>, kernel=<OpOverload(op='aten.logcumsumexp', overload='dimname')>), <OpOverload(op='aten.max', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88e00>, kernel=<OpOverload(op='aten.max', overload='names_dim')>), <OpOverload(op='aten.mode', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82b60>, kernel=<OpOverload(op='aten.mode', overload='dimname')>), <OpOverload(op='aten.median', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a7a0>, kernel=<OpOverload(op='aten.median', overload='names_dim')>), <OpOverload(op='aten.min', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a200>, kernel=<OpOverload(op='aten.min', overload='names_dim')>), <OpOverload(op='aten.nanmedian', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a885e0>, kernel=<OpOverload(op='aten.nanmedian', overload='names_dim')>), <OpOverload(op='aten.multiply', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a825c0>, kernel=<OpOverload(op='aten.multiply', overload='Scalar')>), <OpOverload(op='aten.negative', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83b00>, kernel=<OpOverload(op='aten.negative', overload='default')>), <OpOverload(op='aten.not_equal', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83c40>, kernel=<OpOverload(op='aten.not_equal', overload='Scalar')>), <OpOverload(op='aten.not_equal', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80040>, kernel=<OpOverload(op='aten.not_equal', overload='Tensor')>), <OpOverload(op='aten.rrelu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81f80>, kernel=<OpOverload(op='aten.rrelu', overload='default')>), <OpOverload(op='aten.repeat_interleave', overload='self_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94360>, kernel=<OpOverload(op='aten.repeat_interleave', overload='self_Tensor')>), <OpOverload(op='aten.repeat_interleave', overload='self_int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94400>, kernel=<OpOverload(op='aten.repeat_interleave', overload='self_int')>), <OpOverload(op='aten.scatter', overload='dimname_src')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8bf60>, kernel=<OpOverload(op='aten.scatter', overload='dimname_src')>), <OpOverload(op='aten.scatter_add', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b600>, kernel=<OpOverload(op='aten.scatter_add', overload='dimname')>), <OpOverload(op='aten.scatter', overload='dimname_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b6a0>, kernel=<OpOverload(op='aten.scatter', overload='dimname_value')>), <OpOverload(op='aten.size', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a951c0>, kernel=<OpOverload(op='aten.size', overload='Dimname')>), <OpOverload(op='aten.size', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94ea0>, kernel=<OpOverload(op='aten.size', overload='int')>), <OpOverload(op='aten.sort', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89d00>, kernel=<OpOverload(op='aten.sort', overload='dimname')>), <OpOverload(op='aten.sort', overload='dimname_stable')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89ee0>, kernel=<OpOverload(op='aten.sort', overload='dimname_stable')>), <OpOverload(op='aten.stride', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b2e0>, kernel=<OpOverload(op='aten.stride', overload='int')>), <OpOverload(op='aten.stride', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8b100>, kernel=<OpOverload(op='aten.stride', overload='Dimname')>), <OpOverload(op='aten.stft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88b80>, kernel=<OpOverload(op='aten.stft', overload='default')>), <OpOverload(op='aten.conv3d', overload='padding')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8be20>, kernel=<OpOverload(op='aten.conv3d', overload='padding')>), <OpOverload(op='aten.conv1d', overload='padding')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95c60>, kernel=<OpOverload(op='aten.conv1d', overload='padding')>), <OpOverload(op='aten.concat', overload='names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95300>, kernel=<OpOverload(op='aten.concat', overload='names')>), <OpOverload(op='aten.log_softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95260>, kernel=<OpOverload(op='aten.log_softmax', overload='Dimname')>), <OpOverload(op='aten._test_check_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a836a0>, kernel=<OpOverload(op='aten._test_check_tensor', overload='default')>), <OpOverload(op='aten.sym_stride', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81760>, kernel=<OpOverload(op='aten.sym_stride', overload='int')>), <OpOverload(op='aten.diag', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81440>, kernel=<OpOverload(op='aten.diag', overload='default')>), <OpOverload(op='aten.clip', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6a3e0>, kernel=<OpOverload(op='aten.clip', overload='default')>), <OpOverload(op='aten.float_power', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77100>, kernel=<OpOverload(op='aten.float_power', overload='Scalar')>), <OpOverload(op='aten.float_power', overload='Tensor_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76e80>, kernel=<OpOverload(op='aten.float_power', overload='Tensor_Scalar')>), <OpOverload(op='aten.float_power', overload='Tensor_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a747c0>, kernel=<OpOverload(op='aten.float_power', overload='Tensor_Tensor')>), <OpOverload(op='aten.square', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6ac00>, kernel=<OpOverload(op='aten.square', overload='default')>), <OpOverload(op='aten.alpha_dropout', overload='default')>: <function alpha_dropout at 0x7fd3f8901da0>, <OpOverload(op='aten.celu', overload='out')>: <function celu at 0x7fd3f8902020>, <OpOverload(op='aten.elu', overload='out')>: <function elu at 0x7fd3f89023e0>, <OpOverload(op='aten.hinge_embedding_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74900>, kernel=<OpOverload(op='aten.hinge_embedding_loss', overload='default')>), <OpOverload(op='aten.relu', overload='out')>: <function relu at 0x7fd3f89028e0>, <OpOverload(op='aten.channel_shuffle', overload='default')>: <function channel_shuffle at 0x7fd3f8902f20>, <OpOverload(op='aten.channel_shuffle', overload='out')>: <function channel_shuffle at 0x7fd3f8902f20>, <OpOverload(op='aten.leaky_relu', overload='out')>: <function leaky_relu at 0x7fd3f8903100>, <OpOverload(op='aten.mish', overload='out')>: <function mish at 0x7fd3f8903560>, <OpOverload(op='aten.hardshrink', overload='default')>: <function hardshrink at 0x7fd3f8730680>, <OpOverload(op='aten.softplus', overload='out')>: <function softplus at 0x7fd3f8903f60>, <OpOverload(op='aten.softshrink', overload='default')>: <function softshrink at 0x7fd3f87309a0>, <OpOverload(op='aten.hardshrink', overload='out')>: <function hardshrink at 0x7fd3f8730680>, <OpOverload(op='aten.softshrink', overload='out')>: <function softshrink at 0x7fd3f87309a0>, <OpOverload(op='aten.margin_ranking_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a814e0>, kernel=<OpOverload(op='aten.margin_ranking_loss', overload='default')>), <OpOverload(op='aten.nll_loss', overload='out')>: <function nll_loss at 0x7fd3f8730360>, <OpOverload(op='aten.huber_loss', overload='default')>: <function huber_loss at 0x7fd3f8731760>, <OpOverload(op='aten.huber_loss', overload='out')>: <function huber_loss at 0x7fd3f8731760>, <OpOverload(op='aten.threshold', overload='default')>: <function threshold at 0x7fd3f8731a80>, <OpOverload(op='aten.threshold', overload='out')>: <function threshold at 0x7fd3f8731a80>, <OpOverload(op='aten.hardtanh', overload='out')>: <function hardtanh at 0x7fd3f8732020>, <OpOverload(op='aten.pdist', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75440>, kernel=<OpOverload(op='aten.pdist', overload='default')>), <OpOverload(op='aten.gelu', overload='out')>: <function gelu at 0x7fd3f87328e0>, <OpOverload(op='aten.glu', overload='out')>: <function glu at 0x7fd3f8733420>, <OpOverload(op='aten.pairwise_distance', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6ae80>, kernel=<OpOverload(op='aten.pairwise_distance', overload='default')>), <OpOverload(op='aten.pixel_shuffle', overload='out')>: <function pixel_shuffle at 0x7fd3f8733060>, <OpOverload(op='aten.pixel_unshuffle', overload='out')>: <function pixel_unshuffle at 0x7fd3f8731e40>, <OpOverload(op='aten.celu_', overload='default')>: <function celu at 0x7fd3f8902e80>, <OpOverload(op='aten.elu_', overload='default')>: <function elu at 0x7fd3f8732d40>, <OpOverload(op='aten.mish_', overload='default')>: <function mish at 0x7fd3f87316c0>, <OpOverload(op='aten.special_i1', overload='out')>: <function i1 at 0x7fd3f8761e40>, <OpOverload(op='aten.selu_', overload='default')>: <function selu at 0x7fd3f8733b00>, <OpOverload(op='aten.threshold_', overload='default')>: <function threshold at 0x7fd3f8733c40>, <OpOverload(op='aten.special_i1', overload='default')>: <function i1 at 0x7fd3f8761e40>, <OpOverload(op='aten.special_bessel_j0', overload='default')>: <function bessel_j0 at 0x7fd3f8760720>, <OpOverload(op='aten.special_bessel_j0', overload='out')>: <function bessel_j0 at 0x7fd3f8760720>, <OpOverload(op='aten.special_bessel_j1', overload='default')>: <function bessel_j1 at 0x7fd3f8760c20>, <OpOverload(op='aten.special_bessel_j1', overload='out')>: <function bessel_j1 at 0x7fd3f8760c20>, <OpOverload(op='aten.special_entr', overload='default')>: <function entr at 0x7fd3f8760fe0>, <OpOverload(op='aten.special_entr', overload='out')>: <function entr at 0x7fd3f8760fe0>, <OpOverload(op='aten.special_zeta', overload='other_scalar')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.special_erfcx', overload='out')>: <function erfcx at 0x7fd3f87613a0>, <OpOverload(op='aten.special_i0e', overload='default')>: <function i0e at 0x7fd3f8761940>, <OpOverload(op='aten.special_i0e', overload='out')>: <function i0e at 0x7fd3f8761940>, <OpOverload(op='aten.special_i1e', overload='default')>: <function i1e at 0x7fd3f8761d00>, <OpOverload(op='aten.special_i1e', overload='out')>: <function i1e at 0x7fd3f8761d00>, <OpOverload(op='aten.special_log_ndtr', overload='default')>: <function log_ndtr at 0x7fd3f8761ee0>, <OpOverload(op='aten.special_log_ndtr', overload='out')>: <function log_ndtr at 0x7fd3f8761ee0>, <OpOverload(op='aten.logit', overload='out')>: <function logit at 0x7fd3f87622a0>, <OpOverload(op='aten.special_xlog1py', overload='default')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='out')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar_out')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar_out')>: <function xlog1py at 0x7fd3f8762660>, <OpOverload(op='aten.special_zeta', overload='other_scalar_out')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.mvlgamma', overload='default')>: <function multigammaln at 0x7fd3f8762a20>, <OpOverload(op='aten.mvlgamma', overload='out')>: <function multigammaln at 0x7fd3f8762a20>, <OpOverload(op='aten.special_zeta', overload='self_scalar_out')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.special_ndtr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74720>, kernel=<OpOverload(op='aten.special_ndtr', overload='default')>), <OpOverload(op='aten.special_ndtr', overload='out')>: <function ndtr at 0x7fd3f8762de0>, <OpOverload(op='aten.special_ndtri', overload='default')>: <function ndtri at 0x7fd3f87631a0>, <OpOverload(op='aten.special_ndtri', overload='out')>: <function ndtri at 0x7fd3f87631a0>, <OpOverload(op='aten.special_zeta', overload='out')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.special_spherical_bessel_j0', overload='default')>: <function spherical_bessel_j0 at 0x7fd3f87637e0>, <OpOverload(op='aten.special_spherical_bessel_j0', overload='out')>: <function spherical_bessel_j0 at 0x7fd3f87637e0>, <OpOverload(op='aten.special_zeta', overload='self_scalar')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.special_zeta', overload='default')>: <function zeta at 0x7fd3f8763c40>, <OpOverload(op='aten.repeat', overload='out')>: <function repeat at 0x7fd3f8a0ccc0>, <OpOverload(op='aten.roll', overload='out')>: <function roll at 0x7fd3f8a0d260>, <OpOverload(op='aten.index_fill_', overload='Dimname_Scalar')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.rot90', overload='default')>: <function rot90 at 0x7fd3f8a0d4e0>, <OpOverload(op='aten.rot90', overload='out')>: <function rot90 at 0x7fd3f8a0d4e0>, <OpOverload(op='aten.index_fill_', overload='int_Scalar')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.stack', overload='out')>: <function stack at 0x7fd3f8a0d800>, <OpOverload(op='aten.unbind', overload='Dimname')>: <function unbind at 0x7fd3f8a0de40>, <OpOverload(op='aten.index_fill_', overload='int_Tensor')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.index_fill', overload='int_Tensor')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill', overload='int_Scalar')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74a40>, kernel=<OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>), <OpOverload(op='aten.index_fill_', overload='Dimname_Tensor')>: <function index_fill_ at 0x7fd3f8a0e0c0>, <OpOverload(op='aten.index_select', overload='out')>: <function index_select at 0x7fd3f8a0c540>, <OpOverload(op='aten.index_select', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75da0>, kernel=<OpOverload(op='aten.index_select', overload='dimname')>), <OpOverload(op='aten.index_select', overload='dimname_out')>: <function index_select at 0x7fd3f8a0c540>, <OpOverload(op='aten.diag', overload='out')>: <function diag at 0x7fd3f8a0eb60>, <OpOverload(op='aten.diagonal_scatter', overload='out')>: <function diagonal_scatter at 0x7fd3f8a0ede0>, <OpOverload(op='aten.diagonal', overload='Dimname')>: <function diagonal at 0x7fd3f8a0ec00>, <OpOverload(op='aten.diag_embed', overload='default')>: <function diag_embed at 0x7fd3f8a0f100>, <OpOverload(op='aten.diag_embed', overload='out')>: <function diag_embed at 0x7fd3f8a0f100>, <OpOverload(op='aten.block_diag', overload='default')>: <function _block_diag_iterable at 0x7fd3f8a0f4c0>, <OpOverload(op='aten.block_diag', overload='out')>: <function _block_diag_iterable at 0x7fd3f8a0f4c0>, <OpOverload(op='aten.unfold_copy', overload='default')>: <function unfold_copy at 0x7fd3f8a0fe20>, <OpOverload(op='aten.unfold_copy', overload='out')>: <function unfold_copy at 0x7fd3f8a0fe20>, <OpOverload(op='aten.cumsum', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a816c0>, kernel=<OpOverload(op='aten.cumsum', overload='dimname')>), <OpOverload(op='aten.cumsum', overload='dimname_out')>: <function cumsum at 0x7fd3f8a0fec0>, <OpOverload(op='aten.cumsum', overload='out')>: <function cumsum at 0x7fd3f8a0fec0>, <OpOverload(op='aten.cumprod', overload='default')>: <function cumprod at 0x7fd3f8a0ff60>, <OpOverload(op='aten.cumprod', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a80ea0>, kernel=<OpOverload(op='aten.cumprod', overload='dimname')>), <OpOverload(op='aten.cumprod', overload='dimname_out')>: <function cumprod at 0x7fd3f8a0ff60>, <OpOverload(op='aten.cumprod', overload='out')>: <function cumprod at 0x7fd3f8a0ff60>, <OpOverload(op='aten.logspace', overload='out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='default')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.arange', overload='start_out')>: <function arange at 0x7fd3f8835760>, <OpOverload(op='aten.lerp', overload='Scalar_out')>: <function lerp at 0x7fd3f8835b20>, <OpOverload(op='aten.lerp', overload='Tensor_out')>: <function lerp at 0x7fd3f8835b20>, <OpOverload(op='aten.linspace', overload='Tensor_Tensor')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Tensor_Scalar')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Scalar_Tensor')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='out')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Tensor_Tensor_out')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Tensor_Scalar_out')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.linspace', overload='Scalar_Tensor_out')>: <function linspace at 0x7fd3f8835da0>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor_out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar_out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor_out')>: <function logspace at 0x7fd3f8836020>, <OpOverload(op='aten.meshgrid', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a805e0>, kernel=<OpOverload(op='aten.meshgrid', overload='default')>), <OpOverload(op='aten.meshgrid', overload='indexing')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a804a0>, kernel=<OpOverload(op='aten.meshgrid', overload='indexing')>), <OpOverload(op='aten.eye', overload='default')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.eye', overload='m')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.eye', overload='out')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.eye', overload='m_out')>: <function eye at 0x7fd3f8836160>, <OpOverload(op='aten.trace', overload='out')>: <function trace at 0x7fd3f8837740>, <OpOverload(op='aten.masked_fill', overload='Scalar_out')>: <function masked_fill at 0x7fd3f8836fc0>, <OpOverload(op='aten.masked_fill', overload='Tensor_out')>: <function masked_fill at 0x7fd3f8836fc0>, <OpOverload(op='aten.trace', overload='default')>: <function trace at 0x7fd3f8837740>, <OpOverload(op='aten.masked_fill_', overload='Scalar')>: <function masked_fill_ at 0x7fd3f8836de0>, <OpOverload(op='aten.masked_fill_', overload='Tensor')>: <function masked_fill_ at 0x7fd3f8836de0>, <OpOverload(op='aten.norm', overload='Scalar')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dim')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75d00>, kernel=<OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>), <OpOverload(op='aten.norm', overload='ScalarOpt_dim_dtype')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='dtype_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='Scalar_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a758a0>, kernel=<OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>), <OpOverload(op='aten.norm', overload='names_dtype_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.norm', overload='names_out')>: <function norm at 0x7fd3f88374c0>, <OpOverload(op='aten.triu', overload='out')>: <function triu at 0x7fd3f88347c0>, <OpOverload(op='aten.tril', overload='out')>: <function tril at 0x7fd3f88377e0>, <OpOverload(op='aten.tril_indices', overload='out')>: <function tril_indices at 0x7fd3f8837ba0>, <OpOverload(op='aten.normal_', overload='default')>: <function normal_ at 0x7fd3f8869120>, <OpOverload(op='aten.triu_indices', overload='default')>: <function triu_indices at 0x7fd3f8837ec0>, <OpOverload(op='aten.triu_indices', overload='out')>: <function triu_indices at 0x7fd3f8837ec0>, <OpOverload(op='aten.bucketize', overload='Tensor')>: <function bucketize at 0x7fd3f8868180>, <OpOverload(op='aten.bucketize', overload='Scalar')>: <function bucketize at 0x7fd3f8868180>, <OpOverload(op='aten.bucketize', overload='Tensor_out')>: <function bucketize at 0x7fd3f8868180>, <OpOverload(op='aten.bucketize', overload='Scalar_out')>: <function bucketize at 0x7fd3f8868180>, <OpOverload(op='aten.cauchy', overload='default')>: <function cauchy at 0x7fd3f8868540>, <OpOverload(op='aten.cauchy', overload='out')>: <function cauchy at 0x7fd3f8868540>, <OpOverload(op='aten.exponential', overload='default')>: <function exponential at 0x7fd3f8868900>, <OpOverload(op='aten.exponential', overload='out')>: <function exponential at 0x7fd3f8868900>, <OpOverload(op='aten.geometric', overload='default')>: <function geometric at 0x7fd3f8868cc0>, <OpOverload(op='aten.geometric', overload='out')>: <function geometric at 0x7fd3f8868cc0>, <OpOverload(op='aten.log_normal', overload='default')>: <function log_normal at 0x7fd3f8869080>, <OpOverload(op='aten.log_normal', overload='out')>: <function log_normal at 0x7fd3f8869080>, <OpOverload(op='aten.rad2deg', overload='out')>: <function rad2deg at 0x7fd3f88693a0>, <OpOverload(op='aten.deg2rad', overload='out')>: <function deg2rad at 0x7fd3f8869800>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList_out')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.count_nonzero', overload='default')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.count_nonzero', overload='out')>: <function count_nonzero at 0x7fd3f8869a80>, <OpOverload(op='aten.dot', overload='out')>: <function dot at 0x7fd3f886a020>, <OpOverload(op='aten.bitwise_left_shift_', overload='Tensor')>: <function bitwise_left_shift at 0x7fd3f886b420>, <OpOverload(op='aten.vdot', overload='default')>: <function vdot at 0x7fd3f886a480>, <OpOverload(op='aten.vdot', overload='out')>: <function vdot at 0x7fd3f886a480>, <OpOverload(op='aten.select_scatter', overload='out')>: <function select_scatter at 0x7fd3f886a700>, <OpOverload(op='aten.bitwise_xor_', overload='Scalar')>: <function bitwise_xor at 0x7fd3f886b600>, <OpOverload(op='aten.abs_', overload='default')>: <function abs at 0x7fd3f8869b20>, <OpOverload(op='aten.bitwise_xor_', overload='Tensor')>: <function bitwise_xor at 0x7fd3f886b600>, <OpOverload(op='aten.acos_', overload='default')>: <function acos at 0x7fd3f886a520>, <OpOverload(op='aten.acosh_', overload='default')>: <function acosh at 0x7fd3f886a7a0>, <OpOverload(op='aten.add_', overload='Tensor')>: <function add at 0x7fd3f886a8e0>, <OpOverload(op='aten.add_', overload='Scalar')>: <function add at 0x7fd3f886a8e0>, <OpOverload(op='aten.addcmul_', overload='default')>: <function addcmul at 0x7fd3f886aa20>, <OpOverload(op='aten.bitwise_right_shift_', overload='Tensor')>: <function bitwise_right_shift at 0x7fd3f886b7e0>, <OpOverload(op='aten.addcdiv_', overload='default')>: <function addcdiv at 0x7fd3f886ab60>, <OpOverload(op='aten.bitwise_right_shift_', overload='Tensor_Scalar')>: <function bitwise_right_shift at 0x7fd3f886b7e0>, <OpOverload(op='aten.asin_', overload='default')>: <function asin at 0x7fd3f886aca0>, <OpOverload(op='aten.asinh_', overload='default')>: <function asinh at 0x7fd3f886ade0>, <OpOverload(op='aten.gt_', overload='Scalar')>: <function gt at 0x7fd3f886bba0>, <OpOverload(op='aten.atan_', overload='default')>: <function atan at 0x7fd3f886af20>, <OpOverload(op='aten.atanh_', overload='default')>: <function atanh at 0x7fd3f886b060>, <OpOverload(op='aten.bitwise_or_', overload='Scalar')>: <function bitwise_or at 0x7fd3f886b6a0>, <OpOverload(op='aten.atan2_', overload='default')>: <function atan2 at 0x7fd3f886b1a0>, <OpOverload(op='aten.bitwise_and_', overload='Tensor')>: <function bitwise_and at 0x7fd3f886b2e0>, <OpOverload(op='aten.bitwise_or_', overload='Tensor')>: <function bitwise_or at 0x7fd3f886b6a0>, <OpOverload(op='aten.bitwise_and_', overload='Scalar')>: <function bitwise_and at 0x7fd3f886b2e0>, <OpOverload(op='aten.bitwise_not_', overload='default')>: <function bitwise_not at 0x7fd3f886b560>, <OpOverload(op='aten.bitwise_left_shift_', overload='Tensor_Scalar')>: <function bitwise_left_shift at 0x7fd3f886b420>, <OpOverload(op='aten.ceil_', overload='default')>: <function ceil at 0x7fd3f886b380>, <OpOverload(op='aten.ge_', overload='Tensor')>: <function ge at 0x7fd3f886bce0>, <OpOverload(op='aten.clamp_', overload='default')>: <function clamp at 0x7fd3f886b100>, <OpOverload(op='aten.clamp_', overload='Tensor')>: <function clamp at 0x7fd3f886b100>, <OpOverload(op='aten.clamp_min_', overload='default')>: <function clamp_min at 0x7fd3f886ae80>, <OpOverload(op='aten.clamp_min_', overload='Tensor')>: <function clamp_min at 0x7fd3f886ae80>, <OpOverload(op='aten.ge_', overload='Scalar')>: <function ge at 0x7fd3f886bce0>, <OpOverload(op='aten.clamp_max_', overload='default')>: <function clamp_max at 0x7fd3f886ac00>, <OpOverload(op='aten.clamp_max_', overload='Tensor')>: <function clamp_max at 0x7fd3f886ac00>, <OpOverload(op='aten.conj_physical_', overload='default')>: <function conj_physical at 0x7fd3f886a980>, <OpOverload(op='aten.copysign_', overload='Tensor')>: <function copysign at 0x7fd3f886a660>, <OpOverload(op='aten.copysign_', overload='Scalar')>: <function copysign at 0x7fd3f886a660>, <OpOverload(op='aten.cos_', overload='default')>: <function cos at 0x7fd3f8869f80>, <OpOverload(op='aten.gcd_', overload='default')>: <function gcd at 0x7fd3f886bf60>, <OpOverload(op='aten.cosh_', overload='default')>: <function cosh at 0x7fd3f88698a0>, <OpOverload(op='aten.cumsum_', overload='default')>: <function cumsum at 0x7fd3f886b880>, <OpOverload(op='aten.cumsum_', overload='dimname')>: <function cumsum at 0x7fd3f886b880>, <OpOverload(op='aten.square_', overload='default')>: <function square at 0x7fd3f8892020>, <OpOverload(op='aten.cumprod_', overload='default')>: <function cumprod at 0x7fd3f886b9c0>, <OpOverload(op='aten.cumprod_', overload='dimname')>: <function cumprod at 0x7fd3f886b9c0>, <OpOverload(op='aten.deg2rad_', overload='default')>: <function deg2rad at 0x7fd3f886bb00>, <OpOverload(op='aten.digamma_', overload='default')>: <function digamma at 0x7fd3f886bc40>, <OpOverload(op='aten.div_', overload='Tensor')>: <function div at 0x7fd3f886bd80>, <OpOverload(op='aten.div_', overload='Tensor_mode')>: <function div at 0x7fd3f886bd80>, <OpOverload(op='aten.div_', overload='Scalar')>: <function div at 0x7fd3f886bd80>, <OpOverload(op='aten.div_', overload='Scalar_mode')>: <function div at 0x7fd3f886bd80>, <OpOverload(op='aten.frac_', overload='default')>: <function frac at 0x7fd3f8890cc0>, <OpOverload(op='aten.eq_', overload='Scalar')>: <function eq at 0x7fd3f886bec0>, <OpOverload(op='aten.eq_', overload='Tensor')>: <function eq at 0x7fd3f886bec0>, <OpOverload(op='aten.erf_', overload='default')>: <function erf at 0x7fd3f8890040>, <OpOverload(op='aten.erfc_', overload='default')>: <function erfc at 0x7fd3f8890180>, <OpOverload(op='aten.erfinv_', overload='default')>: <function erfinv at 0x7fd3f88902c0>, <OpOverload(op='aten.exp_', overload='default')>: <function exp at 0x7fd3f8890400>, <OpOverload(op='aten.hypot_', overload='default')>: <function hypot at 0x7fd3f88699e0>, <OpOverload(op='aten.exp2_', overload='default')>: <function exp2 at 0x7fd3f8890540>, <OpOverload(op='aten.expm1_', overload='default')>: <function expm1 at 0x7fd3f8890680>, <OpOverload(op='aten.float_power_', overload='Tensor')>: <function float_power at 0x7fd3f88907c0>, <OpOverload(op='aten.float_power_', overload='Scalar')>: <function float_power at 0x7fd3f88907c0>, <OpOverload(op='aten.heaviside_', overload='default')>: <function heaviside at 0x7fd3f886b920>, <OpOverload(op='aten.floor_', overload='default')>: <function floor at 0x7fd3f8890900>, <OpOverload(op='aten.gt_', overload='Tensor')>: <function gt at 0x7fd3f886bba0>, <OpOverload(op='aten.floor_divide_', overload='Scalar')>: <function floor_divide at 0x7fd3f8890a40>, <OpOverload(op='aten.floor_divide_', overload='Tensor')>: <function floor_divide at 0x7fd3f8890a40>, <OpOverload(op='aten.sqrt_', overload='default')>: <function sqrt at 0x7fd3f88922a0>, <OpOverload(op='aten.fmod_', overload='Tensor')>: <function fmod at 0x7fd3f8890b80>, <OpOverload(op='aten.fmod_', overload='Scalar')>: <function fmod at 0x7fd3f8890b80>, <OpOverload(op='aten.igamma_', overload='default')>: <function igamma at 0x7fd3f886a840>, <OpOverload(op='aten.igammac_', overload='default')>: <function igammac at 0x7fd3f886ad40>, <OpOverload(op='aten.sinh_', overload='default')>: <function sinh at 0x7fd3f8892520>, <OpOverload(op='aten.i0_', overload='default')>: <function i0 at 0x7fd3f886b240>, <OpOverload(op='aten.lcm_', overload='default')>: <function lcm at 0x7fd3f886b740>, <OpOverload(op='aten.le_', overload='Scalar')>: <function le at 0x7fd3f8890ea0>, <OpOverload(op='aten.le_', overload='Tensor')>: <function le at 0x7fd3f8890ea0>, <OpOverload(op='aten.sinc_', overload='default')>: <function sinc at 0x7fd3f8892480>, <OpOverload(op='aten.lerp_', overload='Scalar')>: <function lerp at 0x7fd3f8890c20>, <OpOverload(op='aten.lerp_', overload='Tensor')>: <function lerp at 0x7fd3f8890c20>, <OpOverload(op='aten.lgamma_', overload='default')>: <function lgamma at 0x7fd3f88909a0>, <OpOverload(op='aten.log10_', overload='default')>: <function log10 at 0x7fd3f8890720>, <OpOverload(op='aten.log1p_', overload='default')>: <function log1p at 0x7fd3f88904a0>, <OpOverload(op='aten.sin_', overload='default')>: <function sin at 0x7fd3f886be20>, <OpOverload(op='aten.log2_', overload='default')>: <function log2 at 0x7fd3f8890220>, <OpOverload(op='aten.log_', overload='default')>: <function log at 0x7fd3f8890f40>, <OpOverload(op='aten.logical_and_', overload='default')>: <function logical_and at 0x7fd3f8891080>, <OpOverload(op='aten.sign_', overload='default')>: <function sign at 0x7fd3f8868fe0>, <OpOverload(op='aten.logical_not_', overload='default')>: <function logical_not at 0x7fd3f88911c0>, <OpOverload(op='aten.logical_or_', overload='default')>: <function logical_or at 0x7fd3f8891300>, <OpOverload(op='aten.logical_xor_', overload='default')>: <function logical_xor at 0x7fd3f8891440>, <OpOverload(op='aten.lt_', overload='Scalar')>: <function lt at 0x7fd3f8891580>, <OpOverload(op='aten.lt_', overload='Tensor')>: <function lt at 0x7fd3f8891580>, <OpOverload(op='aten.sigmoid_', overload='default')>: <function sigmoid at 0x7fd3f886aac0>, <OpOverload(op='aten.mul_', overload='Tensor')>: <function mul at 0x7fd3f88916c0>, <OpOverload(op='aten.mul_', overload='Scalar')>: <function mul at 0x7fd3f88916c0>, <OpOverload(op='aten.narrow_copy', overload='default')>: <function PyCapsule.narrow at 0x7fd3f886ba60>, <OpOverload(op='aten.mvlgamma_', overload='default')>: <function _make_alias.<locals>._fn at 0x7fd3f8891800>, <OpOverload(op='aten.nan_to_num_', overload='default')>: <function nan_to_num at 0x7fd3f8891940>, <OpOverload(op='aten.sgn_', overload='default')>: <function sgn at 0x7fd3f886afc0>, <OpOverload(op='aten.ne_', overload='Scalar')>: <function ne at 0x7fd3f8891a80>, <OpOverload(op='aten.ne_', overload='Tensor')>: <function ne at 0x7fd3f8891a80>, <OpOverload(op='aten.neg_', overload='default')>: <function neg at 0x7fd3f8891bc0>, <OpOverload(op='aten.nextafter_', overload='default')>: <function nextafter at 0x7fd3f8891d00>, <OpOverload(op='aten.rsqrt_', overload='default')>: <function rsqrt at 0x7fd3f886b4c0>, <OpOverload(op='aten.pow_', overload='Scalar')>: <function pow at 0x7fd3f8891e40>, <OpOverload(op='aten.pow_', overload='Tensor')>: <function pow at 0x7fd3f8891e40>, <OpOverload(op='aten.rad2deg_', overload='default')>: <function rad2deg at 0x7fd3f8891f80>, <OpOverload(op='aten.remainder_', overload='Scalar')>: <function remainder at 0x7fd3f8892200>, <OpOverload(op='aten.reciprocal_', overload='default')>: <function reciprocal at 0x7fd3f88920c0>, <OpOverload(op='aten.narrow_copy', overload='out')>: <function PyCapsule.narrow at 0x7fd3f886ba60>, <OpOverload(op='aten.remainder_', overload='Tensor')>: <function remainder at 0x7fd3f8892200>, <OpOverload(op='aten.sub_', overload='Tensor')>: <function sub at 0x7fd3f8891da0>, <OpOverload(op='aten.sub_', overload='Scalar')>: <function sub at 0x7fd3f8891da0>, <OpOverload(op='aten.squeeze_copy', overload='dim_out')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.tan_', overload='default')>: <function tan at 0x7fd3f8891b20>, <OpOverload(op='aten.tanh_', overload='default')>: <function tanh at 0x7fd3f88918a0>, <OpOverload(op='aten.squeeze_copy', overload='out')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.tril_', overload='default')>: <function tril at 0x7fd3f8891620>, <OpOverload(op='aten.triu_', overload='default')>: <function triu at 0x7fd3f88913a0>, <OpOverload(op='aten.squeeze_copy', overload='dims')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.true_divide_', overload='Tensor')>: <function true_divide at 0x7fd3f8891120>, <OpOverload(op='aten.true_divide_', overload='Scalar')>: <function true_divide at 0x7fd3f8891120>, <OpOverload(op='aten.squeeze_copy', overload='dim')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.trunc_', overload='default')>: <function trunc at 0x7fd3f88900e0>, <OpOverload(op='aten.xlogy_', overload='Tensor')>: <function xlogy at 0x7fd3f88905e0>, <OpOverload(op='aten.xlogy_', overload='Scalar_Other')>: <function xlogy at 0x7fd3f88905e0>, <OpOverload(op='aten.squeeze_copy', overload='default')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.cauchy_', overload='default')>: <function cauchy at 0x7fd3f8890ae0>, <OpOverload(op='aten.exponential_', overload='default')>: <function exponential at 0x7fd3f8890e00>, <OpOverload(op='aten.geometric_', overload='default')>: <function geometric at 0x7fd3f8892700>, <OpOverload(op='aten.log_normal_', overload='default')>: <function log_normal at 0x7fd3f8892840>, <OpOverload(op='aten.zero_', overload='default')>: <function zero at 0x7fd3f8892980>, <OpOverload(op='aten.alias_copy', overload='default')>: <function PyCapsule.alias at 0x7fd3f8892c00>, <OpOverload(op='aten.alias_copy', overload='out')>: <function PyCapsule.alias at 0x7fd3f8892c00>, <OpOverload(op='aten.as_strided_copy', overload='default')>: <function PyCapsule.as_strided at 0x7fd3f8892e80>, <OpOverload(op='aten.as_strided_copy', overload='out')>: <function PyCapsule.as_strided at 0x7fd3f8892e80>, <OpOverload(op='aten.diagonal_copy', overload='out')>: <function PyCapsule.diagonal at 0x7fd3f8893100>, <OpOverload(op='aten.expand_copy', overload='default')>: <function PyCapsule.expand at 0x7fd3f8893380>, <OpOverload(op='aten.expand_copy', overload='out')>: <function PyCapsule.expand at 0x7fd3f8893380>, <OpOverload(op='aten.squeeze_copy', overload='dims_out')>: <function PyCapsule.squeeze at 0x7fd3f8893600>, <OpOverload(op='aten.permute_copy', overload='default')>: <function PyCapsule.permute at 0x7fd3f8892f20>, <OpOverload(op='aten.permute_copy', overload='out')>: <function PyCapsule.permute at 0x7fd3f8892f20>, <OpOverload(op='aten.t_copy', overload='default')>: <function PyCapsule.t at 0x7fd3f88928e0>, <OpOverload(op='aten.t_copy', overload='out')>: <function PyCapsule.t at 0x7fd3f88928e0>, <OpOverload(op='aten.transpose_copy', overload='int')>: <function PyCapsule.transpose at 0x7fd3f8890860>, <OpOverload(op='aten.transpose_copy', overload='int_out')>: <function PyCapsule.transpose at 0x7fd3f8890860>, <OpOverload(op='aten.unbind_copy', overload='int')>: <function PyCapsule.unbind at 0x7fd3f88914e0>, <OpOverload(op='aten.unbind_copy', overload='int_out')>: <function PyCapsule.unbind at 0x7fd3f88914e0>, <OpOverload(op='aten.unsqueeze_copy', overload='default')>: <function PyCapsule.unsqueeze at 0x7fd3f8891ee0>, <OpOverload(op='aten.unsqueeze_copy', overload='out')>: <function PyCapsule.unsqueeze at 0x7fd3f8891ee0>, <OpOverload(op='aten.view_copy', overload='dtype')>: <function PyCapsule.view at 0x7fd3f8892340>, <OpOverload(op='aten.view_copy', overload='out')>: <function PyCapsule.view at 0x7fd3f8892340>, <OpOverload(op='aten.view_copy', overload='dtype_out')>: <function PyCapsule.view at 0x7fd3f8892340>, <OpOverload(op='aten.complex', overload='out')>: <function complex at 0x7fd3f88cccc0>, <OpOverload(op='aten.polar', overload='out')>: <function polar at 0x7fd3f88ccf40>, <OpOverload(op='aten.fft_rfftn', overload='out')>: <function rfftn at 0x7fd3f88cede0>, <OpOverload(op='aten.fft_fft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a81da0>, kernel=<OpOverload(op='aten.fft_fft', overload='default')>), <OpOverload(op='aten.fft_fft', overload='out')>: <function fft at 0x7fd3f88cd3a0>, <OpOverload(op='aten.fft_rfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a832e0>, kernel=<OpOverload(op='aten.fft_rfftn', overload='default')>), <OpOverload(op='aten.fft_ifft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a882c0>, kernel=<OpOverload(op='aten.fft_ifft', overload='default')>), <OpOverload(op='aten.fft_ifft', overload='out')>: <function ifft at 0x7fd3f88cd620>, <OpOverload(op='aten.fft_rfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96fc0>, kernel=<OpOverload(op='aten.fft_rfft', overload='default')>), <OpOverload(op='aten.fft_rfft', overload='out')>: <function rfft at 0x7fd3f88cd8a0>, <OpOverload(op='aten.fft_irfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96660>, kernel=<OpOverload(op='aten.fft_irfft', overload='default')>), <OpOverload(op='aten.fft_irfft', overload='out')>: <function irfft at 0x7fd3f88cdb20>, <OpOverload(op='aten.fft_hfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98360>, kernel=<OpOverload(op='aten.fft_hfft', overload='default')>), <OpOverload(op='aten.fft_hfft', overload='out')>: <function hfft at 0x7fd3f88cdda0>, <OpOverload(op='aten.fft_ihfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97880>, kernel=<OpOverload(op='aten.fft_ihfft', overload='default')>), <OpOverload(op='aten.fft_ihfft', overload='out')>: <function ihfft at 0x7fd3f88ce020>, <OpOverload(op='aten.fft_fftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95a80>, kernel=<OpOverload(op='aten.fft_fftn', overload='default')>), <OpOverload(op='aten.fft_fftn', overload='out')>: <function fftn at 0x7fd3f88ce8e0>, <OpOverload(op='aten.fft_ifftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94f40>, kernel=<OpOverload(op='aten.fft_ifftn', overload='default')>), <OpOverload(op='aten.fft_ifftn', overload='out')>: <function ifftn at 0x7fd3f88ceb60>, <OpOverload(op='aten.fft_ihfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a89440>, kernel=<OpOverload(op='aten.fft_ihfftn', overload='default')>), <OpOverload(op='aten.fft_ihfftn', overload='out')>: <function ihfftn at 0x7fd3f88cdf80>, <OpOverload(op='aten.fft_irfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8aca0>, kernel=<OpOverload(op='aten.fft_irfftn', overload='default')>), <OpOverload(op='aten.fft_irfftn', overload='out')>: <function irfftn at 0x7fd3f88cf1a0>, <OpOverload(op='aten.fft_hfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a520>, kernel=<OpOverload(op='aten.fft_hfftn', overload='default')>), <OpOverload(op='aten.fft_hfftn', overload='out')>: <function hfftn at 0x7fd3f88cf420>, <OpOverload(op='aten.fft_fft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a822a0>, kernel=<OpOverload(op='aten.fft_fft2', overload='default')>), <OpOverload(op='aten.fft_fft2', overload='out')>: <function fft2 at 0x7fd3f88cf6a0>, <OpOverload(op='aten.fft_ifft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a88860>, kernel=<OpOverload(op='aten.fft_ifft2', overload='default')>), <OpOverload(op='aten.fft_ifft2', overload='out')>: <function ifft2 at 0x7fd3f88cf920>, <OpOverload(op='aten.fft_rfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a83ce0>, kernel=<OpOverload(op='aten.fft_rfft2', overload='default')>), <OpOverload(op='aten.fft_rfft2', overload='out')>: <function rfft2 at 0x7fd3f88cfba0>, <OpOverload(op='aten.fft_irfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96e80>, kernel=<OpOverload(op='aten.fft_irfft2', overload='default')>), <OpOverload(op='aten.fft_irfft2', overload='out')>: <function irfft2 at 0x7fd3f88cfe20>, <OpOverload(op='aten.fft_hfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96160>, kernel=<OpOverload(op='aten.fft_hfft2', overload='default')>), <OpOverload(op='aten.fft_hfft2', overload='out')>: <function hfft2 at 0x7fd3f89000e0>, <OpOverload(op='aten.fft_ihfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97c40>, kernel=<OpOverload(op='aten.fft_ihfft2', overload='default')>), <OpOverload(op='aten.fft_ihfft2', overload='out')>: <function ihfft2 at 0x7fd3f8900360>, <OpOverload(op='aten.linalg_cross', overload='out')>: <function cross at 0x7fd3f88cf880>, <OpOverload(op='aten.fft_fftshift', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97920>, kernel=<OpOverload(op='aten.fft_fftshift', overload='default')>), <OpOverload(op='aten.fft_ifftshift', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94720>, kernel=<OpOverload(op='aten.fft_ifftshift', overload='default')>), <OpOverload(op='aten.linalg_vector_norm', overload='out')>: <function vector_norm at 0x7fd3f8900680>, <OpOverload(op='aten.is_complex', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75f80>, kernel=<OpOverload(op='aten.is_complex', overload='default')>), <OpOverload(op='aten.erfinv', overload='default')>: <function erfinv at 0x7fd3f894e160>, <OpOverload(op='aten.erfinv', overload='out')>: <function erfinv at 0x7fd3f894e160>, <OpOverload(op='aten.zero', overload='default')>: <function zero at 0x7fd3f894fba0>, <OpOverload(op='aten.zero', overload='out')>: <function zero at 0x7fd3f894fba0>, <OpOverload(op='aten.frac', overload='out')>: <function frac at 0x7fd3f895c5e0>, <OpOverload(op='aten.isinf', overload='out')>: <function isinf at 0x7fd3f894f100>, <OpOverload(op='aten.isposinf', overload='out')>: <function isposinf at 0x7fd3f895cea0>, <OpOverload(op='aten.isneginf', overload='out')>: <function isneginf at 0x7fd3f895d3a0>, <OpOverload(op='aten.isnan', overload='out')>: <function isnan at 0x7fd3f895d8a0>, <OpOverload(op='aten.i0', overload='default')>: <function i0 at 0x7fd3f895e2a0>, <OpOverload(op='aten.i0', overload='out')>: <function i0 at 0x7fd3f895e2a0>, <OpOverload(op='aten.logsumexp', overload='names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a744a0>, kernel=<OpOverload(op='aten.logsumexp', overload='names')>), <OpOverload(op='aten.logsumexp', overload='names_out')>: <function logsumexp at 0x7fd3f895d940>, <OpOverload(op='aten.logsumexp', overload='out')>: <function logsumexp at 0x7fd3f895d940>, <OpOverload(op='aten.nan_to_num', overload='default')>: <function nan_to_num at 0x7fd3f895fd80>, <OpOverload(op='aten.nan_to_num', overload='out')>: <function nan_to_num at 0x7fd3f895fd80>, <OpOverload(op='aten.sigmoid', overload='out')>: <function sigmoid at 0x7fd3f8979760>, <OpOverload(op='aten.sgn', overload='default')>: <function sgn at 0x7fd3f8979c60>, <OpOverload(op='aten.sgn', overload='out')>: <function sgn at 0x7fd3f8979c60>, <OpOverload(op='aten.sinc', overload='out')>: <function sinc at 0x7fd3f8979800>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_out')>: <function bitwise_left_shift at 0x7fd3f8989940>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_Scalar_out')>: <function bitwise_left_shift at 0x7fd3f8989940>, <OpOverload(op='aten.bitwise_left_shift', overload='Scalar_Tensor_out')>: <function bitwise_left_shift at 0x7fd3f8989940>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_out')>: <function bitwise_right_shift at 0x7fd3f89887c0>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_Scalar_out')>: <function bitwise_right_shift at 0x7fd3f89887c0>, <OpOverload(op='aten.bitwise_right_shift', overload='Scalar_Tensor_out')>: <function bitwise_right_shift at 0x7fd3f89887c0>, <OpOverload(op='aten.copysign', overload='Tensor')>: <function copysign at 0x7fd3f898a480>, <OpOverload(op='aten.copysign', overload='Scalar')>: <function copysign at 0x7fd3f898a480>, <OpOverload(op='aten.copysign', overload='out')>: <function copysign at 0x7fd3f898a480>, <OpOverload(op='aten.copysign', overload='Scalar_out')>: <function copysign at 0x7fd3f898a480>, <OpOverload(op='aten.heaviside', overload='out')>: <function heaviside at 0x7fd3f89a96c0>, <OpOverload(op='aten.logaddexp', overload='out')>: <function logaddexp at 0x7fd3f89ab240>, <OpOverload(op='aten.lcm', overload='default')>: <function lcm at 0x7fd3f89aa980>, <OpOverload(op='aten.lcm', overload='out')>: <function lcm at 0x7fd3f89aa980>, <OpOverload(op='aten.logaddexp2', overload='out')>: <function logaddexp2 at 0x7fd3f89a9bc0>, <OpOverload(op='aten.logical_and', overload='out')>: <function logical_and at 0x7fd3f89ab420>, <OpOverload(op='aten.logical_not', overload='out')>: <function logical_not at 0x7fd3f89ab920>, <OpOverload(op='aten.logical_or', overload='out')>: <function logical_or at 0x7fd3f89abd80>, <OpOverload(op='aten.logical_xor', overload='out')>: <function logical_xor at 0x7fd3f89c4220>, <OpOverload(op='aten.rsub', overload='Tensor')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.rsub', overload='Scalar')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.rsub', overload='Tensor_out')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.rsub', overload='Scalar_out')>: <function rsub at 0x7fd3f89c5d00>, <OpOverload(op='aten.xlogy', overload='OutTensor')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.xlogy', overload='OutScalar_Self')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.xlogy', overload='OutScalar_Other')>: <function xlogy at 0x7fd3f89c6840>, <OpOverload(op='aten.addcdiv', overload='out')>: <function addcdiv at 0x7fd3f89c6fc0>, <OpOverload(op='aten.addcmul', overload='out')>: <function addcmul at 0x7fd3f89c7380>, <OpOverload(op='aten.clamp', overload='out')>: <function clamp at 0x7fd3f89c7740>, <OpOverload(op='aten.clamp', overload='Tensor_out')>: <function clamp at 0x7fd3f89c7740>, <OpOverload(op='aten.clamp_min', overload='out')>: <function clamp_min at 0x7fd3f89c79c0>, <OpOverload(op='aten.clamp_min', overload='Tensor_out')>: <function clamp_min at 0x7fd3f89c79c0>, <OpOverload(op='aten.clamp_max', overload='out')>: <function clamp_max at 0x7fd3f89a9760>, <OpOverload(op='aten.clamp_max', overload='Tensor_out')>: <function clamp_max at 0x7fd3f89a9760>, <OpOverload(op='aten.all', overload='out')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='dims_out')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='all_out')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.all', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a774c0>, kernel=<OpOverload(op='aten.all', overload='dimname')>), <OpOverload(op='aten.all', overload='dimname_out')>: <function all at 0x7fd3f89e4cc0>, <OpOverload(op='aten.mean', overload='names_out')>: <function mean at 0x7fd3f89e58a0>, <OpOverload(op='aten.any', overload='out')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='dims_out')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='all_out')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.any', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75e40>, kernel=<OpOverload(op='aten.any', overload='dimname')>), <OpOverload(op='aten.any', overload='dimname_out')>: <function any at 0x7fd3f89e4f40>, <OpOverload(op='aten.mean', overload='dtype_out')>: <function mean at 0x7fd3f89e58a0>, <OpOverload(op='aten.mean', overload='out')>: <function mean at 0x7fd3f89e58a0>, <OpOverload(op='aten.mean', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0f920>, kernel=<OpOverload(op='aten.mean', overload='names_dim')>), <OpOverload(op='aten.std', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a69d00>, kernel=<OpOverload(op='aten.std', overload='default')>), <OpOverload(op='aten.std', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7e0fa60>, kernel=<OpOverload(op='aten.std', overload='dim')>), <OpOverload(op='aten.std', overload='correction')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b600>, kernel=<OpOverload(op='aten.std', overload='names_dim')>), <OpOverload(op='aten.std', overload='names_out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='correction_out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.std', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a6b380>, kernel=<OpOverload(op='aten.std', overload='correction_names')>), <OpOverload(op='aten.std', overload='correction_names_out')>: <function std at 0x7fd3f89e5a80>, <OpOverload(op='aten.flip', overload='out')>: <function flip at 0x7fd3f89e7ce0>, <OpOverload(op='aten.std_mean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97240>, kernel=<OpOverload(op='aten.std_mean', overload='default')>), <OpOverload(op='aten.std_mean', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96a20>, kernel=<OpOverload(op='aten.std_mean', overload='dim')>), <OpOverload(op='aten.std_mean', overload='correction')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.std_mean', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96de0>, kernel=<OpOverload(op='aten.std_mean', overload='names_dim')>), <OpOverload(op='aten.std_mean', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a96c00>, kernel=<OpOverload(op='aten.std_mean', overload='correction_names')>), <OpOverload(op='aten.std_mean', overload='correction_out')>: <function std_mean at 0x7fd3f89c6020>, <OpOverload(op='aten.var_mean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97e20>, kernel=<OpOverload(op='aten.var_mean', overload='default')>), <OpOverload(op='aten.var_mean', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a979c0>, kernel=<OpOverload(op='aten.var_mean', overload='dim')>), <OpOverload(op='aten.var_mean', overload='correction')>: <function var_mean at 0x7fd3f89e5ee0>, <OpOverload(op='aten.var_mean', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a976a0>, kernel=<OpOverload(op='aten.var_mean', overload='names_dim')>), <OpOverload(op='aten.var_mean', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a97600>, kernel=<OpOverload(op='aten.var_mean', overload='correction_names')>), <OpOverload(op='aten.var_mean', overload='correction_out')>: <function var_mean at 0x7fd3f89e5ee0>, <OpOverload(op='aten.addr', overload='out')>: <function addr at 0x7fd3f89e63e0>, <OpOverload(op='aten.broadcast_tensors', overload='default')>: <function broadcast_tensors at 0x7fd3f89e6ac0>, <OpOverload(op='aten.constant_pad_nd', overload='out')>: <function constant_pad_nd at 0x7fd3f89e74c0>, <OpOverload(op='aten.native_layer_norm', overload='out')>: <function native_layer_norm at 0x7fd3f89e6020>, <OpOverload(op='aten.index_fill', overload='int_Scalar_out')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.index_fill', overload='int_Tensor_out')>: <function index_fill at 0x7fd3f8a0e480>, <OpOverload(op='aten.stft', overload='center')>: <function stft at 0x7fd3f8a0c5e0>, <OpOverload(op='aten.renorm', overload='default')>: <function renorm at 0x7fd3f8a0c7c0>, <OpOverload(op='aten.renorm', overload='out')>: <function renorm at 0x7fd3f8a0c7c0>, <OpOverload(op='aten.istft', overload='default')>: <function istft at 0x7fd3f8a0c900>, <OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74360>, kernel=<OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>), <OpOverload(op='aten.binary_cross_entropy', overload='default')>: <function binary_cross_entropy at 0x7fd3f8c09300>, <OpOverload(op='aten.binary_cross_entropy', overload='out')>: <function binary_cross_entropy at 0x7fd3f8c09300>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='default')>: <function binary_cross_entropy_backward at 0x7fd3f8c093a0>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='grad_input')>: <function binary_cross_entropy_backward at 0x7fd3f8c093a0>, <OpOverload(op='aten.soft_margin_loss', overload='default')>: <function soft_margin_loss at 0x7fd3f8c099e0>, <OpOverload(op='aten.soft_margin_loss', overload='out')>: <function soft_margin_loss at 0x7fd3f8c099e0>, <OpOverload(op='aten.soft_margin_loss_backward', overload='default')>: <function soft_margin_loss_backward at 0x7fd3f8c09a80>, <OpOverload(op='aten.soft_margin_loss_backward', overload='grad_input')>: <function soft_margin_loss_backward at 0x7fd3f8c09a80>, <OpOverload(op='aten.dist', overload='default')>: <function dist at 0x7fd3f8c0a020>, <OpOverload(op='aten.dist', overload='out')>: <function dist at 0x7fd3f8c0a020>, <OpOverload(op='aten._euclidean_dist', overload='default')>: <function _euclidean_dist at 0x7fd3f8c0a2a0>, <OpOverload(op='aten._euclidean_dist', overload='out')>: <function _euclidean_dist at 0x7fd3f8c0a2a0>, <OpOverload(op='aten.slice_backward', overload='default')>: <function slice_backward at 0x7fd3f8c0a520>, <OpOverload(op='aten.slice_backward', overload='out')>: <function slice_backward at 0x7fd3f8c0a520>, <OpOverload(op='aten.diagonal_backward', overload='default')>: <function diagonal_backward at 0x7fd3f8c0a660>, <OpOverload(op='aten.diagonal_backward', overload='out')>: <function diagonal_backward at 0x7fd3f8c0a660>, <OpOverload(op='aten._softmax_backward_data', overload='default')>: <function _softmax_backward_data at 0x7fd3f8c0a200>, <OpOverload(op='aten._softmax_backward_data', overload='out')>: <function _softmax_backward_data at 0x7fd3f8c0a200>, <OpOverload(op='aten._log_softmax_backward_data', overload='default')>: <function _log_softmax_backward_data at 0x7fd3f8c0ade0>, <OpOverload(op='aten._log_softmax_backward_data', overload='out')>: <function _log_softmax_backward_data at 0x7fd3f8c0ade0>, <OpOverload(op='aten._log_softmax', overload='out')>: <function _log_softmax at 0x7fd3f8a449a0>, <OpOverload(op='aten.im2col', overload='out')>: <function im2col at 0x7fd3f8c0b100>, <OpOverload(op='aten.col2im', overload='out')>: <function col2im at 0x7fd3f8c0b4c0>, <OpOverload(op='aten.native_dropout_backward', overload='default')>: <function native_dropout_backward at 0x7fd3f8c0b740>, <OpOverload(op='aten.native_dropout_backward', overload='out')>: <function native_dropout_backward at 0x7fd3f8c0b740>, <OpOverload(op='aten.logit_backward', overload='default')>: <function logit_backward at 0x7fd3f8c0ba60>, <OpOverload(op='aten.unfold_backward', overload='default')>: <function unfold_backward at 0x7fd3f8c0b9c0>, <OpOverload(op='aten.unfold_backward', overload='out')>: <function unfold_backward at 0x7fd3f8c0b9c0>, <OpOverload(op='aten.native_dropout', overload='out')>: <function native_dropout at 0x7fd3f8c0be20>, <OpOverload(op='aten._softmax', overload='out')>: <function _softmax at 0x7fd3f8a44720>, <OpOverload(op='aten.embedding', overload='out')>: <function embedding at 0x7fd3f8c0b420>, <OpOverload(op='aten._chunk_cat', overload='default')>: <function _chunk_cat at 0x7fd3f8a44a40>, <OpOverload(op='aten._chunk_cat', overload='out')>: <function _chunk_cat at 0x7fd3f8a44a40>, <OpOverload(op='aten.embedding_dense_backward', overload='default')>: <function embedding_dense_backward at 0x7fd3f8c0a8e0>, <OpOverload(op='aten.embedding_dense_backward', overload='out')>: <function embedding_dense_backward at 0x7fd3f8c0a8e0>, <OpOverload(op='aten.split_with_sizes_copy', overload='default')>: <function split_with_sizes_copy at 0x7fd3f8a44ae0>, <OpOverload(op='aten.split_with_sizes_copy', overload='out')>: <function split_with_sizes_copy at 0x7fd3f8a44ae0>, <OpOverload(op='aten.native_batch_norm', overload='out')>: <function native_batch_norm at 0x7fd3f8c0b6a0>, <OpOverload(op='aten.unsafe_split_with_sizes', overload='default')>: <function unsafe_split_with_sizes at 0x7fd3f8a44d60>, <OpOverload(op='aten.addmm', overload='out')>: <function addmm at 0x7fd3f8a454e0>, <OpOverload(op='aten._addmm_activation', overload='default')>: <function _addmm_activation at 0x7fd3f8a45800>, <OpOverload(op='aten._addmm_activation', overload='out')>: <function _addmm_activation at 0x7fd3f8a45800>, <OpOverload(op='aten.native_group_norm_backward', overload='default')>: <function native_group_norm_backward at 0x7fd3f8a45bc0>, <OpOverload(op='aten.native_group_norm_backward', overload='out')>: <function native_group_norm_backward_out at 0x7fd3f8a45c60>, <OpOverload(op='aten.addmv', overload='out')>: <function addmv at 0x7fd3f8a45b20>, <OpOverload(op='aten.native_layer_norm_backward', overload='default')>: <function native_layer_norm_backward at 0x7fd3f8a45ee0>, <OpOverload(op='aten.native_layer_norm_backward', overload='out')>: <function native_layer_norm_backward_out at 0x7fd3f8a45f80>, <OpOverload(op='aten._batch_norm_with_update', overload='default')>: <function _batch_norm_with_update at 0x7fd3f8a467a0>, <OpOverload(op='aten._batch_norm_with_update_functional', overload='default')>: <function _batch_norm_with_update_functional at 0x7fd3f8a468e0>, <OpOverload(op='aten._batch_norm_no_update', overload='default')>: <function _batch_norm_no_update at 0x7fd3f8a46a20>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='out')>: <function miopen_batch_norm_backward at 0x7fd3f8a47420>, <OpOverload(op='aten._fused_dropout', overload='default')>: <function _fused_dropout_decomposition at 0x7fd3f8a472e0>, <OpOverload(op='aten._fused_dropout', overload='out')>: <function _fused_dropout_decomposition at 0x7fd3f8a472e0>, <OpOverload(op='aten._to_copy', overload='out')>: <function _to_copy at 0x7fd3f8a476a0>, <OpOverload(op='aten.cudnn_batch_norm', overload='default')>: <function cudnn_batch_norm at 0x7fd3f8a47a60>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='default')>: <function miopen_batch_norm_backward at 0x7fd3f8a47420>, <OpOverload(op='aten.lift', overload='default')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.lift', overload='out')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.batch_norm_backward', overload='default')>: <function batch_norm_backward at 0x7fd3f8a60180>, <OpOverload(op='aten.cudnn_batch_norm', overload='out')>: <function cudnn_batch_norm at 0x7fd3f8a47a60>, <OpOverload(op='aten.native_batch_norm_backward', overload='default')>: <function native_batch_norm_backward at 0x7fd3f8a60220>, <OpOverload(op='aten.native_batch_norm_backward', overload='out')>: <function native_batch_norm_backward_out at 0x7fd3f8a60360>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='default')>: <function cudnn_batch_norm_backward at 0x7fd3f8a46980>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='out')>: <function cudnn_batch_norm_backward at 0x7fd3f8a46980>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='default')>: <function adaptive_avg_pool2d at 0x7fd3f8a60cc0>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='out')>: <function adaptive_avg_pool2d at 0x7fd3f8a60cc0>, <OpOverload(op='aten.max_unpool2d', overload='default')>: <function max_unpool2d at 0x7fd3f8a60fe0>, <OpOverload(op='aten.max_unpool2d', overload='out')>: <function max_unpool2d at 0x7fd3f8a60fe0>, <OpOverload(op='aten.max_unpool3d', overload='default')>: <function max_unpool3d at 0x7fd3f8a61260>, <OpOverload(op='aten.max_unpool3d', overload='out')>: <function max_unpool3d at 0x7fd3f8a61260>, <OpOverload(op='aten.pad_sequence', overload='default')>: <function pad_sequence at 0x7fd3f8a61760>, <OpOverload(op='aten.index_add_', overload='default')>: <function index_add_ at 0x7fd3f8a61080>, <OpOverload(op='aten.index_add', overload='default')>: <function index_add at 0x7fd3f8a61620>, <OpOverload(op='aten.index_add', overload='out')>: <function index_add at 0x7fd3f8a61620>, <OpOverload(op='aten.index_add', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a75300>, kernel=<OpOverload(op='aten.index_add', overload='dimname')>), <OpOverload(op='aten.index_copy_', overload='default')>: <function index_copy_ at 0x7fd3f8a616c0>, <OpOverload(op='aten.index_copy_', overload='dimname')>: <function index_copy_ at 0x7fd3f8a616c0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fd3f8a62ac0>, <OpOverload(op='aten.index_copy', overload='default')>: <function index_copy at 0x7fd3f8a61c60>, <OpOverload(op='aten.index_copy', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a77380>, kernel=<OpOverload(op='aten.index_copy', overload='dimname')>), <OpOverload(op='aten.index_copy', overload='out')>: <function index_copy at 0x7fd3f8a61c60>, <OpOverload(op='aten.log_sigmoid_forward', overload='default')>: <function log_sigmoid_forward at 0x7fd3f8a62340>, <OpOverload(op='aten.log_sigmoid_forward', overload='output')>: <function log_sigmoid_forward at 0x7fd3f8a62340>, <OpOverload(op='aten.uniform_', overload='default')>: <function uniform_ at 0x7fd3f8a62520>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fd3f8a62ac0>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fd3f8a62ac0>, <OpOverload(op='aten.upsample_nearest1d', overload='out')>: <function upsample_nearest1d at 0x7fd3f8a62e80>, <OpOverload(op='aten.upsample_linear1d', overload='out')>: <function upsample_linear1d at 0x7fd3f8a61bc0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='default')>: <function upsample_nearest_exact1d at 0x7fd3f8a631a0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='out')>: <function upsample_nearest_exact1d at 0x7fd3f8a631a0>, <OpOverload(op='aten.upsample_nearest2d', overload='out')>: <function upsample_nearest2d at 0x7fd3f8a634c0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='default')>: <function _upsample_nearest_exact2d at 0x7fd3f8a637e0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='out')>: <function _upsample_nearest_exact2d at 0x7fd3f8a637e0>, <OpOverload(op='aten.upsample_nearest3d', overload='out')>: <function upsample_nearest3d at 0x7fd3f8a63b00>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='default')>: <function _upsample_nearest_exact3d at 0x7fd3f8a63e20>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='out')>: <function _upsample_nearest_exact3d at 0x7fd3f8a63e20>, <OpOverload(op='aten.rnn_tanh', overload='input')>: <function rnn_tanh_input at 0x7fd3f8a88680>, <OpOverload(op='aten.rnn_relu', overload='input')>: <function rnn_relu_input at 0x7fd3f8a88860>, <OpOverload(op='aten.rnn_relu', overload='data')>: <function rnn_relu_data at 0x7fd3f8a88a40>, <OpOverload(op='aten.rnn_tanh', overload='data')>: <function rnn_tanh_data at 0x7fd3f8a88c20>, <OpOverload(op='aten.lstm', overload='input')>: <function lstm_impl at 0x7fd3f8a89080>, <OpOverload(op='aten.lstm', overload='data')>: <function lstm_data_impl at 0x7fd3f8a89260>, <OpOverload(op='aten.gru', overload='data')>: <function gru_impl_data at 0x7fd3f8a89580>, <OpOverload(op='aten.upsample_trilinear3d', overload='out')>: <function upsample_trilinear3d at 0x7fd3f8a88b80>, <OpOverload(op='aten.gru', overload='input')>: <function gru_impl at 0x7fd3f8a89760>, <OpOverload(op='aten._upsample_bilinear2d_aa', overload='vec')>: <function upsample_bilinear2d_aa_vec at 0x7fd3f8a89940>, <OpOverload(op='aten._upsample_bicubic2d_aa', overload='vec')>: <function upsample_bicubic2d_aa_vec at 0x7fd3f8a89b20>, <OpOverload(op='aten.upsample_bilinear2d', overload='out')>: <function upsample_bilinear2d at 0x7fd3f8a896c0>, <OpOverload(op='aten.upsample_linear1d', overload='vec')>: <function _upsample_linear_vec at 0x7fd3f8a618a0>, <OpOverload(op='aten.grid_sampler_2d', overload='out')>: <function grid_sampler_2d at 0x7fd3f8aa8220>, <OpOverload(op='aten.is_same_size', overload='default')>: <function is_same_size at 0x7fd3f8a89da0>, <OpOverload(op='aten._reshape_alias', overload='default')>: <function _reshape_alias at 0x7fd3f8a8a160>, <OpOverload(op='aten._unsafe_view', overload='out')>: <function _reshape_alias at 0x7fd3f8a8a160>, <OpOverload(op='aten._unsafe_masked_index', overload='default')>: <function _unsafe_masked_index at 0x7fd3f8a8a340>, <OpOverload(op='aten._unsafe_masked_index_put_accumulate', overload='default')>: <function _unsafe_masked_index_put_accumulate at 0x7fd3f8a8a480>, <OpOverload(op='aten.nll_loss_forward', overload='output')>: <function nll_loss_forward at 0x7fd3f8a8aca0>, <OpOverload(op='aten.nll_loss2d_forward', overload='default')>: <function nll_loss2d_forward at 0x7fd3f8a8b380>, <OpOverload(op='aten.nll_loss2d_forward', overload='output')>: <function nll_loss2d_forward at 0x7fd3f8a8b380>, <OpOverload(op='aten.aminmax', overload='out')>: <function aminmax at 0x7fd3f8aa8f40>, <OpOverload(op='aten.affine_grid_generator', overload='default')>: <function affine_grid_generator at 0x7fd3f8a8be20>, <OpOverload(op='aten.affine_grid_generator', overload='out')>: <function affine_grid_generator at 0x7fd3f8a8be20>, <OpOverload(op='aten.mv', overload='out')>: <function mv at 0x7fd3f8a8a3e0>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='default')>: <function binary_cross_entropy_with_logits at 0x7fd3f8a88fe0>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='out')>: <function binary_cross_entropy_with_logits at 0x7fd3f8a88fe0>, <OpOverload(op='aten.upsample_bicubic2d', overload='out')>: <function upsample_bicubic2d_default at 0x7fd3f8aa8680>, <OpOverload(op='aten.aminmax', overload='default')>: <function aminmax at 0x7fd3f8aa8f40>, <OpOverload(op='aten.reflection_pad3d', overload='out')>: <function _reflection_pad at 0x7fd3f8aa8c20>, <OpOverload(op='aten.reflection_pad2d', overload='out')>: <function _reflection_pad at 0x7fd3f8aa8c20>, <OpOverload(op='aten.reflection_pad1d', overload='out')>: <function _reflection_pad at 0x7fd3f8aa8c20>, <OpOverload(op='aten.replication_pad3d', overload='out')>: <function _replication_pad at 0x7fd3f8aa9080>, <OpOverload(op='aten.replication_pad2d', overload='out')>: <function _replication_pad at 0x7fd3f8aa9080>, <OpOverload(op='aten.replication_pad1d', overload='out')>: <function _replication_pad at 0x7fd3f8aa9080>, <OpOverload(op='aten.reflection_pad3d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fd3f8aa9580>, <OpOverload(op='aten.reflection_pad3d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fd3f8aa9580>, <OpOverload(op='aten.reflection_pad2d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.reflection_pad2d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.reflection_pad1d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.reflection_pad1d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fd3f8aa9760>, <OpOverload(op='aten.nansum', overload='default')>: <function nansum at 0x7fd3f8aa8720>, <OpOverload(op='aten.nansum', overload='out')>: <function nansum at 0x7fd3f8aa8720>, <OpOverload(op='aten.arange', overload='out')>: <function arange_default at 0x7fd3f8aa9b20>, <OpOverload(op='aten.take', overload='out')>: <function take at 0x7fd3f8aaaac0>, <OpOverload(op='aten.multi_margin_loss', overload='default')>: <function multi_margin_loss at 0x7fd3f8aaa160>, <OpOverload(op='aten.take', overload='default')>: <function take at 0x7fd3f8aaaac0>, <OpOverload(op='aten.multi_margin_loss', overload='out')>: <function multi_margin_loss at 0x7fd3f8aaa160>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='default')>: <function multilabel_margin_loss_forward at 0x7fd3f8aaa840>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='output')>: <function multilabel_margin_loss_forward at 0x7fd3f8aaa840>, <OpOverload(op='aten.baddbmm', overload='out')>: <function baddbmm at 0x7fd3f8aaae80>, <OpOverload(op='aten.floor_divide', overload='Scalar')>: <function floor_divide at 0x7fd3f8aab100>, <OpOverload(op='aten.floor_divide', overload='out')>: <function floor_divide at 0x7fd3f8aab100>, <OpOverload(op='aten.floor_divide', overload='Scalar_out')>: <function floor_divide at 0x7fd3f8aab100>, <OpOverload(op='aten._weight_norm_interface', overload='default')>: <function _weight_norm_interface at 0x7fd3f8aab420>, <OpOverload(op='aten._weight_norm_interface', overload='out')>: <function _weight_norm_interface at 0x7fd3f8aab420>, <OpOverload(op='aten.isin', overload='Tensor_Tensor')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Tensor_Tensor_out')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Tensor_Scalar')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Tensor_Scalar_out')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Scalar_Tensor')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.isin', overload='Scalar_Tensor_out')>: <function isin at 0x7fd3f8aab880>, <OpOverload(op='aten.resize_as', overload='default')>: <function resize_as at 0x7fd3f8aab240>, <OpOverload(op='aten.resize_as', overload='out')>: <function resize_as at 0x7fd3f8aab240>, <OpOverload(op='aten.addbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aaa980>, <OpOverload(op='aten.scatter_', overload='value_reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.addmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aa9da0>, <OpOverload(op='aten.addmv_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aa9a80>, <OpOverload(op='aten.scatter_', overload='reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.baddbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aa9300>, <OpOverload(op='aten.fill_', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aab9c0>, <OpOverload(op='aten.fill_', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aab9c0>, <OpOverload(op='aten.scatter_', overload='value')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.gelu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabb00>, <OpOverload(op='aten.hardswish_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabc40>, <OpOverload(op='aten.hardtanh_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabd80>, <OpOverload(op='aten.hardsigmoid_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabec0>, <OpOverload(op='aten.__iand__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8040>, <OpOverload(op='aten.__iand__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8040>, <OpOverload(op='aten.silu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabba0>, <OpOverload(op='aten.__ilshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8180>, <OpOverload(op='aten.__ilshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8180>, <OpOverload(op='aten.index_reduce_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8400>, <OpOverload(op='aten.__ior__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8540>, <OpOverload(op='aten.__ior__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8540>, <OpOverload(op='aten.scatter_reduce_', overload='two')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabe20>, <OpOverload(op='aten.__irshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8680>, <OpOverload(op='aten.__irshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8680>, <OpOverload(op='aten.__ixor__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad87c0>, <OpOverload(op='aten.__ixor__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad87c0>, <OpOverload(op='aten.leaky_relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8900>, <OpOverload(op='aten.logit_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8a40>, <OpOverload(op='aten.relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8b80>, <OpOverload(op='aten.renorm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8cc0>, <OpOverload(op='aten.round_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8e00>, <OpOverload(op='aten.round_', overload='decimals')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8e00>, <OpOverload(op='aten.scatter_add_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8aabf60>, <OpOverload(op='aten.scatter_', overload='src')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad8f40>, <OpOverload(op='aten.tanh_backward', overload='default')>: <function tanh_backward at 0x7fd3f8f97d80>, <OpOverload(op='aten.sum', overload='dim_DimnameList')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a82200>, kernel=<OpOverload(op='aten.sum', overload='dim_DimnameList')>), <OpOverload(op='aten.sum', overload='IntList_out')>: <function sum at 0x7fd3f89e4d60>, <OpOverload(op='aten.sum', overload='out')>: <function sum_default at 0x7fd3f8aab1a0>, <OpOverload(op='aten.prod', overload='dim_Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a94e00>, kernel=<OpOverload(op='aten.prod', overload='dim_Dimname')>), <OpOverload(op='aten.var', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a763e0>, kernel=<OpOverload(op='aten.var', overload='dim')>), <OpOverload(op='aten.prod', overload='int_out')>: <function prod at 0x7fd3f89e5120>, <OpOverload(op='aten.prod', overload='out')>: <function prod at 0x7fd3f89e5120>, <OpOverload(op='aten.var', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a76660>, kernel=<OpOverload(op='aten.var', overload='default')>), <OpOverload(op='aten.prod', overload='Dimname_out')>: <function prod at 0x7fd3f89e5120>, <OpOverload(op='aten.var', overload='correction')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.var', overload='out')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.var', overload='correction_out')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.var', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74680>, kernel=<OpOverload(op='aten.var', overload='correction_names')>), <OpOverload(op='aten.var', overload='correction_names_out')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.var', overload='names_out')>: <function var at 0x7fd3f89e5800>, <OpOverload(op='aten.amax', overload='out')>: <function amax at 0x7fd3f89e5300>, <OpOverload(op='aten.var', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74c20>, kernel=<OpOverload(op='aten.var', overload='names_dim')>), <OpOverload(op='aten.amin', overload='out')>: <function amin at 0x7fd3f89e51c0>, <OpOverload(op='aten.empty_strided', overload='out')>: <function empty_strided at 0x7fd3f8834540>, <OpOverload(op='aten.full', overload='out')>: <function full at 0x7fd3f88363e0>, <OpOverload(op='aten.svd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a944a0>, kernel=<OpOverload(op='aten.svd', overload='default')>), <OpOverload(op='aten.normal', overload='Tensor_float_out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='Tensor_Tensor_out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='float_float_out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='float_Tensor_out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.normal', overload='out')>: <function normal at 0x7fd3f8869440>, <OpOverload(op='aten.uniform', overload='default')>: <function uniform at 0x7fd3f8a62700>, <OpOverload(op='aten.uniform', overload='out')>: <function uniform at 0x7fd3f8a62700>, <OpOverload(op='aten.frexp', overload='Tensor')>: <function frexp at 0x7fd3f898b060>, <OpOverload(op='aten.frexp', overload='Tensor_out')>: <function frexp at 0x7fd3f898b060>, <OpOverload(op='aten.tanh_backward', overload='grad_input')>: <function tanh_backward at 0x7fd3f8f97d80>, <OpOverload(op='aten.sigmoid_backward', overload='default')>: <function sigmoid_backward at 0x7fd3f8bc89a0>, <OpOverload(op='aten.sigmoid_backward', overload='grad_input')>: <function sigmoid_backward at 0x7fd3f8bc89a0>, <OpOverload(op='aten.softplus_backward', overload='default')>: <function softplus_backward at 0x7fd3f8bc8d60>, <OpOverload(op='aten.softplus_backward', overload='grad_input')>: <function softplus_backward at 0x7fd3f8bc8d60>, <OpOverload(op='aten.mish_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a95b20>, kernel=<OpOverload(op='aten.mish_backward', overload='default')>), <OpOverload(op='aten.elu_backward', overload='default')>: <function elu_backward at 0x7fd3f8bc8860>, <OpOverload(op='aten.hardsigmoid', overload='out')>: <function hardsigmoid at 0x7fd3f8bc9800>, <OpOverload(op='aten.hardsigmoid_backward', overload='default')>: <function hardsigmoid_backward at 0x7fd3f8bc98a0>, <OpOverload(op='aten.hardsigmoid_backward', overload='grad_input')>: <function hardsigmoid_backward at 0x7fd3f8bc98a0>, <OpOverload(op='aten.hardtanh_backward', overload='grad_input')>: <function hardtanh_backward at 0x7fd3f8bc9c60>, <OpOverload(op='aten.hardswish', overload='out')>: <function hardswish at 0x7fd3f8bca200>, <OpOverload(op='aten.hardswish_backward', overload='default')>: <function hardswish_backward at 0x7fd3f8bca520>, <OpOverload(op='aten.hardswish_backward', overload='out')>: <function hardswish_backward at 0x7fd3f8bca520>, <OpOverload(op='aten.gelu_backward', overload='grad_input')>: <function gelu_backward at 0x7fd3f8bcaca0>, <OpOverload(op='aten.threshold_backward', overload='default')>: <function threshold_backward at 0x7fd3f8bca5c0>, <OpOverload(op='aten.leaky_relu_backward', overload='default')>: <function leaky_relu_backward at 0x7fd3f8bca8e0>, <OpOverload(op='aten.leaky_relu_backward', overload='grad_input')>: <function leaky_relu_backward at 0x7fd3f8bca8e0>, <OpOverload(op='aten.silu', overload='out')>: <function silu at 0x7fd3f8bc9760>, <OpOverload(op='aten.silu_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a987c0>, kernel=<OpOverload(op='aten.silu_backward', overload='default')>), <OpOverload(op='aten.silu_backward', overload='grad_input')>: <function silu_backward at 0x7fd3f8bc94e0>, <OpOverload(op='aten._prelu_kernel_backward', overload='default')>: <function _prelu_kernel_backward at 0x7fd3f8bcb1a0>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='default')>: <function rrelu_with_noise_backward at 0x7fd3f8bcb6a0>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='out')>: <function rrelu_with_noise_backward at 0x7fd3f8bcb6a0>, <OpOverload(op='aten.log_sigmoid_backward', overload='default')>: <function log_sigmoid_backward at 0x7fd3f8bcb740>, <OpOverload(op='aten.log_sigmoid_backward', overload='grad_input')>: <function log_sigmoid_backward at 0x7fd3f8bcb740>, <OpOverload(op='aten.mse_loss', overload='out')>: <function mse_loss at 0x7fd3f8bcbec0>, <OpOverload(op='aten.glu_backward', overload='grad_input')>: <function glu_backward at 0x7fd3f8bcb920>, <OpOverload(op='aten.mse_loss_backward', overload='default')>: <function mse_loss_backward at 0x7fd3f8bcbf60>, <OpOverload(op='aten.glu_backward', overload='default')>: <function glu_backward at 0x7fd3f8bcb920>, <OpOverload(op='aten.mse_loss_backward', overload='grad_input')>: <function mse_loss_backward at 0x7fd3f8bcbf60>, <OpOverload(op='aten._safe_softmax', overload='default')>: <function safe_softmax at 0x7fd3f8c082c0>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='default')>: <function smooth_l1_loss_backward at 0x7fd3f8c087c0>, <OpOverload(op='aten.smooth_l1_loss', overload='default')>: <function smooth_l1_loss at 0x7fd3f8c08720>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='grad_input')>: <function smooth_l1_loss_backward_out at 0x7fd3f8c089a0>, <OpOverload(op='aten.smooth_l1_loss', overload='out')>: <function smooth_l1_loss at 0x7fd3f8c08720>, <OpOverload(op='aten.huber_loss_backward', overload='default')>: <function huber_loss_backward at 0x7fd3f8c08b80>, <OpOverload(op='aten.huber_loss_backward', overload='out')>: <function huber_loss_backward_out at 0x7fd3f8c08d60>, <OpOverload(op='aten.select_backward', overload='out')>: <function select_backward at 0x7fd3f8c0ac00>, <OpOverload(op='aten.nll_loss_backward', overload='default')>: <function nll_loss_backward at 0x7fd3f8bc8b80>, <OpOverload(op='aten.nll_loss_backward', overload='grad_input')>: <function nll_loss_backward at 0x7fd3f8bc8b80>, <OpOverload(op='aten.select_backward', overload='default')>: <function select_backward at 0x7fd3f8c0ac00>, <OpOverload(op='aten.nll_loss2d_backward', overload='default')>: <function nll_loss2d_backward at 0x7fd3f8c08ea0>, <OpOverload(op='aten.nll_loss2d_backward', overload='grad_input')>: <function nll_loss2d_backward at 0x7fd3f8c08ea0>, <OpOverload(op='aten.tan', overload='out')>: <function tan at 0x7fd3f897bce0>, <OpOverload(op='aten.tanh', overload='out')>: <function tanh at 0x7fd3f8988220>, <OpOverload(op='aten.trunc', overload='out')>: <function trunc at 0x7fd3f8988720>, <OpOverload(op='aten.add', overload='out')>: <function add at 0x7fd3f8988c20>, <OpOverload(op='aten.add', overload='Scalar_out')>: <function add at 0x7fd3f8988c20>, <OpOverload(op='aten.atan2', overload='out')>: <function atan2 at 0x7fd3f8989080>, <OpOverload(op='aten.bitwise_and', overload='Tensor_out')>: <function bitwise_and at 0x7fd3f89894e0>, <OpOverload(op='aten.bitwise_and', overload='Scalar_out')>: <function bitwise_and at 0x7fd3f89894e0>, <OpOverload(op='aten.bitwise_and', overload='Scalar_Tensor_out')>: <function bitwise_and at 0x7fd3f89894e0>, <OpOverload(op='aten.bitwise_or', overload='Tensor_out')>: <function bitwise_or at 0x7fd3f897b420>, <OpOverload(op='aten.bitwise_or', overload='Scalar_out')>: <function bitwise_or at 0x7fd3f897b420>, <OpOverload(op='aten.bitwise_or', overload='Scalar_Tensor_out')>: <function bitwise_or at 0x7fd3f897b420>, <OpOverload(op='aten.bitwise_xor', overload='Tensor_out')>: <function bitwise_xor at 0x7fd3f898a020>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_out')>: <function bitwise_xor at 0x7fd3f898a020>, <OpOverload(op='aten.eq', overload='Tensor_out')>: <function eq at 0x7fd3f898ab60>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_Tensor_out')>: <function bitwise_xor at 0x7fd3f898a020>, <OpOverload(op='aten.div', overload='out')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.div', overload='out_mode')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.div', overload='Scalar_out')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.div', overload='Scalar_mode_out')>: <function div at 0x7fd3f898a700>, <OpOverload(op='aten.eq', overload='Scalar_out')>: <function eq at 0x7fd3f898ab60>, <OpOverload(op='aten.fmax', overload='default')>: <function fmax at 0x7fd3f898bb00>, <OpOverload(op='aten.fmax', overload='out')>: <function fmax at 0x7fd3f898bb00>, <OpOverload(op='aten.fmin', overload='default')>: <function fmin at 0x7fd3f898bf60>, <OpOverload(op='aten.fmin', overload='out')>: <function fmin at 0x7fd3f898bf60>, <OpOverload(op='aten.fmod', overload='Scalar_out')>: <function fmod at 0x7fd3f89a8400>, <OpOverload(op='aten.fmod', overload='Tensor_out')>: <function fmod at 0x7fd3f89a8400>, <OpOverload(op='aten.gcd', overload='default')>: <function gcd at 0x7fd3f89a89a0>, <OpOverload(op='aten.gcd', overload='out')>: <function gcd at 0x7fd3f89a89a0>, <OpOverload(op='aten.ge', overload='Tensor_out')>: <function ge at 0x7fd3f89a8e00>, <OpOverload(op='aten.ge', overload='Scalar_out')>: <function ge at 0x7fd3f89a8e00>, <OpOverload(op='aten.gt', overload='Tensor_out')>: <function gt at 0x7fd3f89a9260>, <OpOverload(op='aten.gt', overload='Scalar_out')>: <function gt at 0x7fd3f89a9260>, <OpOverload(op='aten.hypot', overload='default')>: <function hypot at 0x7fd3f89a9b20>, <OpOverload(op='aten.hypot', overload='out')>: <function hypot at 0x7fd3f89a9b20>, <OpOverload(op='aten.igamma', overload='default')>: <function igamma at 0x7fd3f89a9f80>, <OpOverload(op='aten.igamma', overload='out')>: <function igamma at 0x7fd3f89a9f80>, <OpOverload(op='aten.igammac', overload='default')>: <function igammac at 0x7fd3f89aa3e0>, <OpOverload(op='aten.igammac', overload='out')>: <function igammac at 0x7fd3f89aa3e0>, <OpOverload(op='aten.le', overload='Tensor_out')>: <function le at 0x7fd3f89aade0>, <OpOverload(op='aten.le', overload='Scalar_out')>: <function le at 0x7fd3f89aade0>, <OpOverload(op='aten.gelu_backward', overload='default')>: <function gelu_backward at 0x7fd3f8bcaca0>, <OpOverload(op='aten.lt', overload='Tensor_out')>: <function lt at 0x7fd3f89c4680>, <OpOverload(op='aten.lt', overload='Scalar_out')>: <function lt at 0x7fd3f89c4680>, <OpOverload(op='aten.maximum', overload='out')>: <function maximum at 0x7fd3f89c4ae0>, <OpOverload(op='aten.minimum', overload='out')>: <function minimum at 0x7fd3f89c4f40>, <OpOverload(op='aten.mul', overload='out')>: <function mul at 0x7fd3f89c53a0>, <OpOverload(op='aten.mul', overload='Scalar_out')>: <function mul at 0x7fd3f89c53a0>, <OpOverload(op='aten.ne', overload='Scalar_out')>: <function ne at 0x7fd3f89c5800>, <OpOverload(op='aten.ne', overload='Tensor_out')>: <function ne at 0x7fd3f89c5800>, <OpOverload(op='aten.nextafter', overload='default')>: <function nextafter at 0x7fd3f89abe20>, <OpOverload(op='aten.nextafter', overload='out')>: <function nextafter at 0x7fd3f89abe20>, <OpOverload(op='aten.pow', overload='Scalar_out')>: <function pow at 0x7fd3f898afc0>, <OpOverload(op='aten.pow', overload='Tensor_Scalar_out')>: <function pow at 0x7fd3f898afc0>, <OpOverload(op='aten.pow', overload='Tensor_Tensor_out')>: <function pow at 0x7fd3f898afc0>, <OpOverload(op='aten.remainder', overload='Tensor_out')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.remainder', overload='Scalar_out')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.remainder', overload='Scalar_Tensor_out')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.remainder', overload='Scalar_Tensor')>: <function remainder at 0x7fd3f89c4b80>, <OpOverload(op='aten.sub', overload='Scalar_out')>: <function sub at 0x7fd3f89c60c0>, <OpOverload(op='aten.sub', overload='out')>: <function sub at 0x7fd3f89c60c0>, <OpOverload(op='aten.cat', overload='names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a74e00>, kernel=<OpOverload(op='aten.cat', overload='names')>), <OpOverload(op='aten.squeeze', overload='dims')>: <function squeeze at 0x7fd3f8a0d1c0>, <OpOverload(op='aten.transpose', overload='Dimname')>: <function transpose at 0x7fd3f8a0f880>, <OpOverload(op='aten.as_strided_scatter', overload='out')>: <function as_strided_scatter at 0x7fd3f89e6980>, <OpOverload(op='aten.cat', overload='out')>: <function cat at 0x7fd3f89e6fc0>, <OpOverload(op='aten.cat', overload='names_out')>: <function cat at 0x7fd3f89e6fc0>, <OpOverload(op='aten.where', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a742c0>, kernel=<OpOverload(op='aten.where', overload='default')>), <OpOverload(op='aten.where', overload='self_out')>: <function where at 0x7fd3f89c5c60>, <OpOverload(op='aten.atan', overload='out')>: <function atan at 0x7fd3f8adbba0>, <OpOverload(op='aten.atanh', overload='out')>: <function atanh at 0x7fd3f894c0e0>, <OpOverload(op='aten.cos', overload='out')>: <function cos at 0x7fd3f894d3a0>, <OpOverload(op='aten.cosh', overload='out')>: <function cosh at 0x7fd3f894d8a0>, <OpOverload(op='aten.elu_backward', overload='grad_input')>: <function elu_backward at 0x7fd3f8bc8860>, <OpOverload(op='aten.bitwise_not', overload='out')>: <function bitwise_not at 0x7fd3f894c5e0>, <OpOverload(op='aten.ceil', overload='out')>: <function ceil at 0x7fd3f894cae0>, <OpOverload(op='aten.conj_physical', overload='default')>: <function conj_physical at 0x7fd3f894cea0>, <OpOverload(op='aten.digamma', overload='default')>: <function digamma at 0x7fd3f894d440>, <OpOverload(op='aten.digamma', overload='out')>: <function digamma at 0x7fd3f894d440>, <OpOverload(op='aten.erf', overload='out')>: <function erf at 0x7fd3f894dbc0>, <OpOverload(op='aten.erfc', overload='out')>: <function erfc at 0x7fd3f894e660>, <OpOverload(op='aten.exp', overload='out')>: <function exp at 0x7fd3f894eb60>, <OpOverload(op='aten.expm1', overload='out')>: <function expm1 at 0x7fd3f894f060>, <OpOverload(op='aten.exp2', overload='out')>: <function exp2 at 0x7fd3f894f560>, <OpOverload(op='aten.floor', overload='out')>: <function floor at 0x7fd3f895c0e0>, <OpOverload(op='aten.lgamma', overload='default')>: <function lgamma at 0x7fd3f895e7a0>, <OpOverload(op='aten.lgamma', overload='out')>: <function lgamma at 0x7fd3f895e7a0>, <OpOverload(op='aten.log', overload='out')>: <function log at 0x7fd3f895eca0>, <OpOverload(op='aten.threshold_backward', overload='grad_input')>: <function threshold_backward at 0x7fd3f8bca5c0>, <OpOverload(op='aten.log1p', overload='out')>: <function log1p at 0x7fd3f895f1a0>, <OpOverload(op='aten.log2', overload='out')>: <function log2 at 0x7fd3f895f6a0>, <OpOverload(op='aten.tril_indices', overload='default')>: <function tril_indices at 0x7fd3f8837ba0>, <OpOverload(op='aten.log10', overload='out')>: <function log10 at 0x7fd3f895fba0>, <OpOverload(op='aten.reciprocal', overload='out')>: <function reciprocal at 0x7fd3f89789a0>, <OpOverload(op='aten.neg', overload='out')>: <function neg at 0x7fd3f8978360>, <OpOverload(op='aten.round', overload='decimals_out')>: <function round at 0x7fd3f8978d60>, <OpOverload(op='aten.round', overload='out')>: <function round at 0x7fd3f8978d60>, <OpOverload(op='aten.rsqrt', overload='out')>: <function rsqrt at 0x7fd3f8979260>, <OpOverload(op='aten.sign', overload='out')>: <function sign at 0x7fd3f897a160>, <OpOverload(op='aten.signbit', overload='default')>: <function signbit at 0x7fd3f897a660>, <OpOverload(op='aten.signbit', overload='out')>: <function signbit at 0x7fd3f897a660>, <OpOverload(op='aten.sin', overload='out')>: <function sin at 0x7fd3f897ab60>, <OpOverload(op='aten.sinh', overload='out')>: <function sinh at 0x7fd3f897ae80>, <OpOverload(op='aten.sqrt', overload='out')>: <function sqrt at 0x7fd3f897b380>, <OpOverload(op='aten.clone', overload='out')>: <function clone at 0x7fd3f89c7ce0>, <OpOverload(op='aten.abs', overload='out')>: <function abs at 0x7fd3f8ada2a0>, <OpOverload(op='aten.acos', overload='out')>: <function acos at 0x7fd3f8ada7a0>, <OpOverload(op='aten.conj_physical', overload='out')>: <function conj_physical at 0x7fd3f894cea0>, <OpOverload(op='aten.acosh', overload='out')>: <function acosh at 0x7fd3f8adaca0>, <OpOverload(op='aten.asin', overload='out')>: <function asin at 0x7fd3f8adb1a0>, <OpOverload(op='aten.asinh', overload='out')>: <function asinh at 0x7fd3f8adb6a0>, <OpOverload(op='aten.sym_numel', overload='default')>: <function sym_numel at 0x7fd3f8aaaf20>, <OpOverload(op='aten.mul', overload='Scalar')>: <function mul at 0x7fd3f89c53a0>, <OpOverload(op='aten.diagonal_scatter', overload='default')>: <function diagonal_scatter at 0x7fd3f8a0ede0>, <OpOverload(op='aten.as_strided_scatter', overload='default')>: <function as_strided_scatter at 0x7fd3f89e6980>, <OpOverload(op='aten.lift_fresh', overload='default')>: <function nop_decomposition at 0x7fd3f8a47920>, <OpOverload(op='aten.empty_like', overload='out')>: <function empty_like at 0x7fd3f88354e0>, <OpOverload(op='aten.ones_like', overload='out')>: <function ones_like at 0x7fd3f8836980>, <OpOverload(op='aten.zeros_like', overload='out')>: <function zeros_like at 0x7fd3f8836700>, <OpOverload(op='aten.new_empty', overload='out')>: <function new_empty at 0x7fd3f8834360>, <OpOverload(op='aten.new_empty_strided', overload='out')>: <function new_empty_strided at 0x7fd3f88345e0>, <OpOverload(op='aten.new_full', overload='out')>: <function new_full at 0x7fd3f8835260>, <OpOverload(op='aten.new_zeros', overload='out')>: <function new_zeros at 0x7fd3f8834ae0>, <OpOverload(op='aten.new_ones', overload='out')>: <function new_ones at 0x7fd3f8834fe0>, <OpOverload(op='aten.item', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8ab60>, kernel=<OpOverload(op='aten.item', overload='default')>), <OpOverload(op='aten.nonzero_numpy', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a8a660>, kernel=<OpOverload(op='aten.nonzero_numpy', overload='default')>), <OpOverload(op='aten.slice_scatter', overload='out')>: <function slice_scatter at 0x7fd3f8c0a980>, <OpOverload(op='aten.index_put_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fd3f8ad82c0>, <OpOverload(op='quantized.conv_transpose3d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a998a0>, kernel=<OpOverload(op='quantized.conv_transpose3d_groups', overload='default')>), <OpOverload(op='quantized.conv2d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a991c0>, kernel=<OpOverload(op='quantized.conv2d_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99080>, kernel=<OpOverload(op='quantized.conv_transpose3d_padding', overload='default')>), <OpOverload(op='quantized.conv2d_output_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9aa20>, kernel=<OpOverload(op='quantized.conv2d_output_padding', overload='default')>), <OpOverload(op='quantized.conv3d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9aca0>, kernel=<OpOverload(op='quantized.conv3d_dilation', overload='default')>), <OpOverload(op='quantized.conv2d_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a200>, kernel=<OpOverload(op='quantized.conv2d_padding', overload='default')>), <OpOverload(op='quantized.conv1d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a840>, kernel=<OpOverload(op='quantized.conv1d_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_output_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99da0>, kernel=<OpOverload(op='quantized.conv_transpose3d_output_padding', overload='default')>), <OpOverload(op='quantized.conv3d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99f80>, kernel=<OpOverload(op='quantized.conv3d_groups', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9ad40>, kernel=<OpOverload(op='quantized.conv_transpose3d_stride', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9ab60>, kernel=<OpOverload(op='quantized.conv_transpose3d_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_transpose', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a700>, kernel=<OpOverload(op='quantized.conv_transpose3d_transpose', overload='default')>), <OpOverload(op='quantized.conv2d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a5c0>, kernel=<OpOverload(op='quantized.conv2d_groups', overload='default')>), <OpOverload(op='quantized.make_quantized_cell_params_fp16', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99d00>, kernel=<OpOverload(op='quantized.make_quantized_cell_params_fp16', overload='default')>), <OpOverload(op='quantized.linear_unpack_fp16', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a994e0>, kernel=<OpOverload(op='quantized.linear_unpack_fp16', overload='default')>), <OpOverload(op='quantized.conv3d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99760>, kernel=<OpOverload(op='quantized.conv3d_stride', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99260>, kernel=<OpOverload(op='quantized.conv_transpose3d_dilation', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_transpose', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99300>, kernel=<OpOverload(op='quantized.conv_transpose2d_transpose', overload='default')>), <OpOverload(op='quantized.conv2d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98ae0>, kernel=<OpOverload(op='quantized.conv2d_stride', overload='default')>), <OpOverload(op='quantized.conv2d_transpose', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a989a0>, kernel=<OpOverload(op='quantized.conv2d_transpose', overload='default')>), <OpOverload(op='quantized.linear_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9ade0>, kernel=<OpOverload(op='quantized.linear_unpack', overload='default')>), <OpOverload(op='quantized.embedding_bag_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9ac00>, kernel=<OpOverload(op='quantized.embedding_bag_unpack', overload='default')>), <OpOverload(op='quantized.conv3d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a8e0>, kernel=<OpOverload(op='quantized.conv3d_unpack', overload='default')>), <OpOverload(op='quantized.conv_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a980>, kernel=<OpOverload(op='quantized.conv_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a660>, kernel=<OpOverload(op='quantized.conv_transpose2d_dilation', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_output_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a9a520>, kernel=<OpOverload(op='quantized.conv_transpose2d_output_padding', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99bc0>, kernel=<OpOverload(op='quantized.conv_transpose2d_padding', overload='default')>), <OpOverload(op='sparse.qlinear_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99b20>, kernel=<OpOverload(op='sparse.qlinear_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98fe0>, kernel=<OpOverload(op='quantized.conv_transpose2d_groups', overload='default')>), <OpOverload(op='quantized.conv3d_output_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a999e0>, kernel=<OpOverload(op='quantized.conv3d_output_padding', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99940>, kernel=<OpOverload(op='quantized.conv_transpose2d_unpack', overload='default')>), <OpOverload(op='quantized.conv3d_transpose', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a99120>, kernel=<OpOverload(op='quantized.conv3d_transpose', overload='default')>), <OpOverload(op='quantized.conv3d_padding', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98cc0>, kernel=<OpOverload(op='quantized.conv3d_padding', overload='default')>), <OpOverload(op='quantized.conv2d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98b80>, kernel=<OpOverload(op='quantized.conv2d_dilation', overload='default')>), <OpOverload(op='quantized.conv_transpose1d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98c20>, kernel=<OpOverload(op='quantized.conv_transpose1d_unpack', overload='default')>), <OpOverload(op='quantized.conv_transpose2d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a98e00>, kernel=<OpOverload(op='quantized.conv_transpose2d_stride', overload='default')>), <OpOverload(op='profiler._record_function_exit', overload='_RecordFunction')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fd2e7a996c0>, kernel=<OpOverload(op='profiler._record_function_exit', overload='_RecordFunction')>)}