experimental_experiment.torch_dynamo¶
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.0001877069953479804 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.0012684169996646233 s [to_onnx] start conversion to onnx (before optimization) mask_outputs=None [GraphBuilder.optimize] start with 13 nodes [GraphBuilder.optimize] #patterns=44 [GraphBuilderPatternOptimization.optimize] start with 7 nodes, 0 initializers, 44 patterns, priorities=[0, 1] [GraphBuilderPatternOptimization.optimize] iteration 0: 7 nodes, priority=0 [GraphBuilderPatternOptimization.optimize] increase priority to 1 [GraphBuilderPatternOptimization.optimize] iteration 1: 7 nodes, priority=1 [GraphBuilderPatternOptimization.optimize] applies 2 matches, 2*MatMulAddPattern - time=0.000 | max_time=TransposeMatMulPattern:0.000 [GraphBuilderPatternOptimization.optimize] iteration 2: 5 nodes, priority=1 [GraphBuilderPatternOptimization.optimize] applies 2 matches, 2*TransposeMatMulPattern - time=0.000 | max_time=TransposeMatMulPattern:0.000 [GraphBuilderPatternOptimization.optimize] iteration 3: 3 nodes, priority=1 [GraphBuilderPatternOptimization.optimize] done after 4 iterations with 3 nodes in 0.003 [GraphBuilder.optimize] done with 3 nodes in 0.003 [GraphBuilder-PGY.to_onnx] make_model 0 inits 0 params [GraphBuilder-PGY.time_evaluation_constants_] 0 [GraphBuilder-PGY._build_initializers] start with 0 initializers, large_model=False, external_threshold=1024 [GraphBuilder-PGY._build_initializers] switch low/high order [GraphBuilder-PGY._build_initializers] done in 6.219997885636985e-07s with 0 initializers, 0 large initializers [to_onnx] to_onnx done in 0.0037872969987802207s and 3 nodes, 0 initializers, 5 inputs, 1 outputs [onnx_custom_backend] to_onnx done in 0.005477776001498569 with 3 nodes and 0 local functions. [onnx_custom_backend] starts creating InferenceSession [onnx_custom_backend] InferenceSession done in 0.014388052994036116 discrepancies: 0.0
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.00017957600357476622 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.0009544220010866411 s [to_onnx] start conversion to onnx (before optimization) mask_outputs=None [GraphBuilder.optimize] start with 13 nodes [GraphBuilder.optimize] #patterns=44 [GraphBuilderPatternOptimization.optimize] start with 7 nodes, 0 initializers, 44 patterns, priorities=[0, 1] [GraphBuilderPatternOptimization.optimize] iteration 0: 7 nodes, priority=0 [GraphBuilderPatternOptimization.optimize] increase priority to 1 [GraphBuilderPatternOptimization.optimize] iteration 1: 7 nodes, priority=1 [GraphBuilderPatternOptimization.optimize] applies 2 matches, 2*MatMulAddPattern - time=0.000 | max_time=MatMulAddPattern:0.000 [GraphBuilderPatternOptimization.optimize] iteration 2: 5 nodes, priority=1 [GraphBuilderPatternOptimization.optimize] applies 2 matches, 2*TransposeMatMulPattern - time=0.000 | max_time=TransposeMatMulPattern:0.000 [GraphBuilderPatternOptimization.optimize] iteration 3: 3 nodes, priority=1 [GraphBuilderPatternOptimization.optimize] done after 4 iterations with 3 nodes in 0.003 [GraphBuilder.optimize] done with 3 nodes in 0.003 [GraphBuilder-IDC.to_onnx] make_model 0 inits 0 params [GraphBuilder-IDC.time_evaluation_constants_] 0 [GraphBuilder-IDC._build_initializers] start with 0 initializers, large_model=False, external_threshold=1024 [GraphBuilder-IDC._build_initializers] switch low/high order [GraphBuilder-IDC._build_initializers] done in 4.879984771832824e-07s with 0 initializers, 0 large initializers [to_onnx] to_onnx done in 0.0038520709931617603s and 3 nodes, 0 initializers, 5 inputs, 1 outputs +I input0: float32:(32, 10):0.0812530368566513,-0.29935410618782043,0.09475017338991165,0.181645929813385,0.2789515554904938... +I input1: float32:(32,):-0.0877593606710434,-0.2820533215999603,-0.0737622082233429,0.045460402965545654,-0.21254213154315948... +I input2: float32:(3, 10):0.26970383524894714,-0.24430343508720398,-1.3369472026824951,-1.029599905014038,1.0794609785079956... +I input3: float32:(1, 32):0.009741358458995819,0.09070587158203125,0.04634387418627739,0.12396745383739471,-0.15675698220729828... +I input4: float32:(1,):[0.1714930534362793] Gemm(input2, input0, input1) -> input_1 + input_1: float32:(3, 32):0.24097074568271637,0.5001314878463745,-0.06148514524102211,-0.2915918231010437,-0.34753352403640747... Sigmoid(input_1) -> input_2 + input_2: float32:(3, 32):0.5599528551101685,0.6224902272224426,0.48463356494903564,0.4276142120361328,0.4139806628227234... Gemm(input_2, input3, input4) -> output_0 + output_0: float32:(3, 1):[0.12363869696855545, -0.1062529981136322, 0.07591390609741211] discrepancies: 2.9802322387695312e-08
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.23587164282798767,-0.4589667320251465,-0.4283558130264282,-0.3141609728336334,-0.10639241337776184... <built-in method sigmoid of type object at 0x7fa9d1ef7ba0>((input_1,)) -> input_2 + input_2: torch.float32:torch.Size([3, 32]):0.5586960315704346,0.3872309923171997,0.39451900124549866,0.42209941148757935,0.4734269678592682... <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.19517357647418976,-0.19321618974208832,-0.38527801632881165 [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 0x7fa8cc10f1d0>: <function out_dtype_decomp at 0x7fa8cbff23e0>, <OpOverload(op='aten.fft_hfft', overload='default')>: <function hfft at 0x7fa8cbc20ae0>, <OpOverload(op='aten.fft_hfft', overload='out')>: <function hfft at 0x7fa8cbc20ae0>, <OpOverload(op='aten.fft_ihfft', overload='default')>: <function ihfft at 0x7fa8cbc22020>, <OpOverload(op='aten.fft_ihfft', overload='out')>: <function ihfft at 0x7fa8cbc22020>, <OpOverload(op='aten.fft_fftn', overload='default')>: <function fftn at 0x7fa8cbc228e0>, <OpOverload(op='aten.fft_fftn', overload='out')>: <function fftn at 0x7fa8cbc228e0>, <OpOverload(op='aten.fft_ifftn', overload='default')>: <function ifftn at 0x7fa8cbc22b60>, <OpOverload(op='aten.fft_ifftn', overload='out')>: <function ifftn at 0x7fa8cbc22b60>, <OpOverload(op='aten.fft_rfftn', overload='default')>: <function rfftn at 0x7fa8cbc22de0>, <OpOverload(op='aten.fft_rfftn', overload='out')>: <function rfftn at 0x7fa8cbc22de0>, <OpOverload(op='aten.fft_ihfftn', overload='default')>: <function ihfftn at 0x7fa8cbc23060>, <OpOverload(op='aten.fft_ihfftn', overload='out')>: <function ihfftn at 0x7fa8cbc23060>, <OpOverload(op='aten.fft_irfftn', overload='default')>: <function irfftn at 0x7fa8cbc23740>, <OpOverload(op='aten.fft_irfftn', overload='out')>: <function irfftn at 0x7fa8cbc23740>, <OpOverload(op='aten.fft_hfftn', overload='default')>: <function hfftn at 0x7fa8cbc239c0>, <OpOverload(op='aten.fft_hfftn', overload='out')>: <function hfftn at 0x7fa8cbc239c0>, <OpOverload(op='aten.fft_fft2', overload='default')>: <function fft2 at 0x7fa8cbc23c40>, <OpOverload(op='aten.fft_fft2', overload='out')>: <function fft2 at 0x7fa8cbc23c40>, <OpOverload(op='aten.fft_ifft2', overload='out')>: <function ifft2 at 0x7fa8cbc23ec0>, <OpOverload(op='aten.fft_rfft2', overload='default')>: <function rfft2 at 0x7fa8cbc23920>, <OpOverload(op='aten.fft_rfft2', overload='out')>: <function rfft2 at 0x7fa8cbc23920>, <OpOverload(op='aten.fft_irfft2', overload='default')>: <function irfft2 at 0x7fa8cbc22ac0>, <OpOverload(op='aten.fft_irfft2', overload='out')>: <function irfft2 at 0x7fa8cbc22ac0>, <OpOverload(op='aten.fft_hfft2', overload='default')>: <function hfft2 at 0x7fa8cbc21bc0>, <OpOverload(op='aten.fft_hfft2', overload='out')>: <function hfft2 at 0x7fa8cbc21bc0>, <OpOverload(op='aten.fft_ihfft2', overload='default')>: <function ihfft2 at 0x7fa8cbc44220>, <OpOverload(op='aten.fft_ihfft2', overload='out')>: <function ihfft2 at 0x7fa8cbc44220>, <OpOverload(op='aten.fft_fftshift', overload='default')>: <function fftshift at 0x7fa8cbc442c0>, <OpOverload(op='aten.fft_ifftshift', overload='default')>: <function ifftshift at 0x7fa8cbc44360>, <OpOverload(op='aten.linalg_cross', overload='default')>: <function cross at 0x7fa8cbc44a40>, <OpOverload(op='aten.linalg_cross', overload='out')>: <function cross at 0x7fa8cbc44a40>, <OpOverload(op='aten.linalg_vector_norm', overload='default')>: <function vector_norm at 0x7fa8cbc44d60>, <OpOverload(op='aten.linalg_vector_norm', overload='out')>: <function vector_norm at 0x7fa8cbc44d60>, <OpOverload(op='aten.alpha_dropout', overload='default')>: <function alpha_dropout at 0x7fa8cbc45b20>, <OpOverload(op='aten.celu', overload='default')>: <function celu at 0x7fa8cbc44400>, <OpOverload(op='aten.celu', overload='out')>: <function celu at 0x7fa8cbc44400>, <OpOverload(op='aten.elu', overload='default')>: <function elu at 0x7fa8cbc46480>, <OpOverload(op='aten.elu', overload='out')>: <function elu at 0x7fa8cbc46480>, <OpOverload(op='aten.relu', overload='default')>: <function relu at 0x7fa8cbc46840>, <OpOverload(op='aten.relu', overload='out')>: <function relu at 0x7fa8cbc46840>, <OpOverload(op='aten.channel_shuffle', overload='default')>: <function channel_shuffle at 0x7fa8cbc46de0>, <OpOverload(op='aten.channel_shuffle', overload='out')>: <function channel_shuffle at 0x7fa8cbc46de0>, <OpOverload(op='aten.leaky_relu', overload='default')>: <function leaky_relu at 0x7fa8cbc46fc0>, <OpOverload(op='aten.leaky_relu', overload='out')>: <function leaky_relu at 0x7fa8cbc46fc0>, <OpOverload(op='aten.mish', overload='default')>: <function mish at 0x7fa8cbc47380>, <OpOverload(op='aten.mish', overload='out')>: <function mish at 0x7fa8cbc47380>, <OpOverload(op='aten.selu', overload='default')>: <function selu at 0x7fa8cbc47740>, <OpOverload(op='aten.softshrink', overload='out')>: <function softshrink at 0x7fa8cbc47f60>, <OpOverload(op='aten.hardshrink', overload='default')>: <function hardshrink at 0x7fa8cbc702c0>, <OpOverload(op='aten.softplus', overload='default')>: <function softplus at 0x7fa8cbc47c40>, <OpOverload(op='aten.softplus', overload='out')>: <function softplus at 0x7fa8cbc47c40>, <OpOverload(op='aten.softshrink', overload='default')>: <function softshrink at 0x7fa8cbc47f60>, <OpOverload(op='aten.hardshrink', overload='out')>: <function hardshrink at 0x7fa8cbc702c0>, <OpOverload(op='aten.margin_ranking_loss', overload='default')>: <function margin_ranking_loss at 0x7fa8cbc70540>, <OpOverload(op='aten.pairwise_distance', overload='default')>: <function pairwise_distance at 0x7fa8cbc72b60>, <OpOverload(op='aten.hinge_embedding_loss', overload='default')>: <function hinge_embedding_loss at 0x7fa8cbc70860>, <OpOverload(op='aten.nll_loss', overload='default')>: <function nll_loss at 0x7fa8cbc70d60>, <OpOverload(op='aten.nll_loss', overload='out')>: <function nll_loss at 0x7fa8cbc70d60>, <OpOverload(op='aten.huber_loss', overload='default')>: <function huber_loss at 0x7fa8cbc71080>, <OpOverload(op='aten.huber_loss', overload='out')>: <function huber_loss at 0x7fa8cbc71080>, <OpOverload(op='aten.threshold', overload='default')>: <function threshold at 0x7fa8cbc71300>, <OpOverload(op='aten.threshold', overload='out')>: <function threshold at 0x7fa8cbc71300>, <OpOverload(op='aten.hardtanh', overload='default')>: <function hardtanh at 0x7fa8cbc71800>, <OpOverload(op='aten.hardtanh', overload='out')>: <function hardtanh at 0x7fa8cbc71800>, <OpOverload(op='aten.gelu', overload='default')>: <function gelu at 0x7fa8cbc71f80>, <OpOverload(op='aten.gelu', overload='out')>: <function gelu at 0x7fa8cbc71f80>, <OpOverload(op='aten.prelu', overload='default')>: <function prelu at 0x7fa8cbc72200>, <OpOverload(op='aten.relu6', overload='default')>: <function relu6 at 0x7fa8cbc72340>, <OpOverload(op='aten.glu', overload='default')>: <function glu at 0x7fa8cbc728e0>, <OpOverload(op='aten.glu', overload='out')>: <function glu at 0x7fa8cbc728e0>, <OpOverload(op='aten.pdist', overload='default')>: <function pdist at 0x7fa8cbc722a0>, <OpOverload(op='aten.special_i1', overload='out')>: <function i1 at 0x7fa8cbc98d60>, <OpOverload(op='aten.pixel_shuffle', overload='default')>: <function pixel_shuffle at 0x7fa8cbc70f40>, <OpOverload(op='aten.pixel_shuffle', overload='out')>: <function pixel_shuffle at 0x7fa8cbc70f40>, <OpOverload(op='aten.special_i1', overload='default')>: <function i1 at 0x7fa8cbc98d60>, <OpOverload(op='aten.pixel_unshuffle', overload='default')>: <function pixel_unshuffle at 0x7fa8cbc72c00>, <OpOverload(op='aten.pixel_unshuffle', overload='out')>: <function pixel_unshuffle at 0x7fa8cbc72c00>, <OpOverload(op='aten.celu_', overload='default')>: <function celu at 0x7fa8cbc476a0>, <OpOverload(op='aten.elu_', overload='default')>: <function elu at 0x7fa8cbc70c20>, <OpOverload(op='aten.mish_', overload='default')>: <function mish at 0x7fa8cbc72ca0>, <OpOverload(op='aten.selu_', overload='default')>: <function selu at 0x7fa8cbc72de0>, <OpOverload(op='aten.threshold_', overload='default')>: <function threshold at 0x7fa8cbc72f20>, <OpOverload(op='aten.special_bessel_j0', overload='default')>: <function bessel_j0 at 0x7fa8cbc73920>, <OpOverload(op='aten.special_bessel_j0', overload='out')>: <function bessel_j0 at 0x7fa8cbc73920>, <OpOverload(op='aten.special_bessel_j1', overload='default')>: <function bessel_j1 at 0x7fa8cbc73d80>, <OpOverload(op='aten.special_bessel_j1', overload='out')>: <function bessel_j1 at 0x7fa8cbc73d80>, <OpOverload(op='aten.special_entr', overload='default')>: <function entr at 0x7fa8cbc980e0>, <OpOverload(op='aten.special_entr', overload='out')>: <function entr at 0x7fa8cbc980e0>, <OpOverload(op='aten.special_erfcx', overload='default')>: <function erfcx at 0x7fa8cbc98400>, <OpOverload(op='aten.special_erfcx', overload='out')>: <function erfcx at 0x7fa8cbc98400>, <OpOverload(op='aten.special_i0e', overload='default')>: <function i0e at 0x7fa8cbc98900>, <OpOverload(op='aten.special_i0e', overload='out')>: <function i0e at 0x7fa8cbc98900>, <OpOverload(op='aten.special_i1e', overload='default')>: <function i1e at 0x7fa8cbc727a0>, <OpOverload(op='aten.special_i1e', overload='out')>: <function i1e at 0x7fa8cbc727a0>, <OpOverload(op='aten.special_log_ndtr', overload='default')>: <function log_ndtr at 0x7fa8cbc98040>, <OpOverload(op='aten.special_log_ndtr', overload='out')>: <function log_ndtr at 0x7fa8cbc98040>, <OpOverload(op='aten.logit', overload='default')>: <function logit at 0x7fa8cbc98fe0>, <OpOverload(op='aten.logit', overload='out')>: <function logit at 0x7fa8cbc98fe0>, <OpOverload(op='aten.special_xlog1py', overload='default')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='out')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar_out')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar_out')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.mvlgamma', overload='default')>: <function multigammaln at 0x7fa8cbc99620>, <OpOverload(op='aten.mvlgamma', overload='out')>: <function multigammaln at 0x7fa8cbc99620>, <OpOverload(op='aten.special_ndtr', overload='default')>: <function ndtr at 0x7fa8cbc99940>, <OpOverload(op='aten.special_ndtr', overload='out')>: <function ndtr at 0x7fa8cbc99940>, <OpOverload(op='aten.special_ndtri', overload='default')>: <function ndtri at 0x7fa8cbc99c60>, <OpOverload(op='aten.special_ndtri', overload='out')>: <function ndtri at 0x7fa8cbc99c60>, <OpOverload(op='aten.special_spherical_bessel_j0', overload='default')>: <function spherical_bessel_j0 at 0x7fa8cbc9a200>, <OpOverload(op='aten.special_spherical_bessel_j0', overload='out')>: <function spherical_bessel_j0 at 0x7fa8cbc9a200>, <OpOverload(op='aten.special_zeta', overload='default')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='other_scalar')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='self_scalar')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='out')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='self_scalar_out')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='other_scalar_out')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.addcmul', overload='default')>: <function addcmul at 0x7fa8cbd240e0>, <OpOverload(op='aten.addcmul', overload='out')>: <function addcmul at 0x7fa8cbd240e0>, <OpOverload(op='aten.mean', overload='dim')>: <function mean at 0x7fa8cbefec00>, <OpOverload(op='aten.clamp', overload='default')>: <function clamp at 0x7fa8cbd24400>, <OpOverload(op='aten.clamp', overload='Tensor')>: <function clamp at 0x7fa8cbd24400>, <OpOverload(op='aten.clamp_min', overload='default')>: <function clamp_min at 0x7fa8cbefe840>, <OpOverload(op='aten.clamp_min', overload='Tensor')>: <function clamp_min at 0x7fa8cbefe840>, <OpOverload(op='aten.clamp_min', overload='out')>: <function clamp_min at 0x7fa8cbefe840>, <OpOverload(op='aten.clamp_min', overload='Tensor_out')>: <function clamp_min at 0x7fa8cbefe840>, <OpOverload(op='aten.mean', overload='default')>: <function mean at 0x7fa8cbefec00>, <OpOverload(op='aten.clamp_max', overload='default')>: <function clamp_max at 0x7fa8cbee3100>, <OpOverload(op='aten.clamp_max', overload='Tensor')>: <function clamp_max at 0x7fa8cbee3100>, <OpOverload(op='aten.clamp_max', overload='out')>: <function clamp_max at 0x7fa8cbee3100>, <OpOverload(op='aten.clamp_max', overload='Tensor_out')>: <function clamp_max at 0x7fa8cbee3100>, <OpOverload(op='aten.std', overload='correction_names')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='correction_names_out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.all', overload='default')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='dim')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='dims')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='out')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='dims_out')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='all_out')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='dimname')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='dimname_out')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.std', overload='names_out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='correction_out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.any', overload='default')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='dim')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='dims')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='out')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='dims_out')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='all_out')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='dimname')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='dimname_out')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.std', overload='names_dim')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='default')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='dim')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='correction')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.mean', overload='names_dim')>: <function mean at 0x7fa8cbefec00>, <OpOverload(op='aten.mean', overload='names_out')>: <function mean at 0x7fa8cbefec00>, <OpOverload(op='aten.mean', overload='out')>: <function mean at 0x7fa8cbefec00>, <OpOverload(op='aten.mean', overload='dtype_out')>: <function mean at 0x7fa8cbefec00>, <OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.native_group_norm', overload='default')>: <function native_group_norm at 0x7fa8cbd545e0>, <OpOverload(op='aten.std_mean', overload='default')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.std_mean', overload='dim')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.std_mean', overload='correction')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.std_mean', overload='names_dim')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.std_mean', overload='correction_names')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.std_mean', overload='correction_out')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.var_mean', overload='default')>: <function var_mean at 0x7fa8cbd26ac0>, <OpOverload(op='aten.var_mean', overload='dim')>: <function var_mean at 0x7fa8cbd26ac0>, <OpOverload(op='aten.var_mean', overload='correction')>: <function var_mean at 0x7fa8cbd26ac0>, <OpOverload(op='aten.var_mean', overload='names_dim')>: <function var_mean at 0x7fa8cbd26ac0>, <OpOverload(op='aten.var_mean', overload='correction_names')>: <function var_mean at 0x7fa8cbd26ac0>, <OpOverload(op='aten.var_mean', overload='correction_out')>: <function var_mean at 0x7fa8cbd26ac0>, <OpOverload(op='aten.addr', overload='default')>: <function addr at 0x7fa8cbd26f20>, <OpOverload(op='aten.addr', overload='out')>: <function addr at 0x7fa8cbd26f20>, <OpOverload(op='aten.constant_pad_nd', overload='default')>: <function constant_pad_nd at 0x7fa8cbd27f60>, <OpOverload(op='aten.constant_pad_nd', overload='out')>: <function constant_pad_nd at 0x7fa8cbd27f60>, <OpOverload(op='aten.expand', overload='default')>: <function expand at 0x7fa8cbd54180>, <OpOverload(op='aten.flip', overload='default')>: <function flip at 0x7fa8cbd242c0>, <OpOverload(op='aten.flip', overload='out')>: <function flip at 0x7fa8cbd242c0>, <OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.native_layer_norm', overload='default')>: <function native_layer_norm at 0x7fa8cbd54cc0>, <OpOverload(op='aten.native_layer_norm', overload='out')>: <function native_layer_norm at 0x7fa8cbd54cc0>, <OpOverload(op='aten.index_fill', overload='int_Scalar')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.permute', overload='default')>: <function permute at 0x7fa8cbd54ea0>, <OpOverload(op='aten.index_fill', overload='int_Tensor')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.renorm', overload='default')>: <function renorm at 0x7fa8cbd55260>, <OpOverload(op='aten.renorm', overload='out')>: <function renorm at 0x7fa8cbd55260>, <OpOverload(op='aten.index_fill_', overload='int_Tensor')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.repeat', overload='default')>: <function repeat at 0x7fa8cbd55760>, <OpOverload(op='aten.repeat', overload='out')>: <function repeat at 0x7fa8cbd55760>, <OpOverload(op='aten.roll', overload='default')>: <function roll at 0x7fa8cbd55d00>, <OpOverload(op='aten.roll', overload='out')>: <function roll at 0x7fa8cbd55d00>, <OpOverload(op='aten.rot90', overload='default')>: <function rot90 at 0x7fa8cbd55f80>, <OpOverload(op='aten.rot90', overload='out')>: <function rot90 at 0x7fa8cbd55f80>, <OpOverload(op='aten.index_fill', overload='int_Tensor_out')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.stack', overload='default')>: <function stack at 0x7fa8cbd562a0>, <OpOverload(op='aten.stack', overload='out')>: <function stack at 0x7fa8cbd562a0>, <OpOverload(op='aten.index_fill', overload='int_Scalar_out')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.unbind', overload='int')>: <function unbind at 0x7fa8cbd568e0>, <OpOverload(op='aten.unbind', overload='Dimname')>: <function unbind at 0x7fa8cbd568e0>, <OpOverload(op='aten.index_fill_', overload='int_Scalar')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.index_fill_', overload='Dimname_Scalar')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.index_fill_', overload='Dimname_Tensor')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.index_select', overload='default')>: <function index_select at 0x7fa8cbd54e00>, <OpOverload(op='aten.index_select', overload='out')>: <function index_select at 0x7fa8cbd54e00>, <OpOverload(op='aten.index_select', overload='dimname')>: <function index_select at 0x7fa8cbd54e00>, <OpOverload(op='aten.index_select', overload='dimname_out')>: <function index_select at 0x7fa8cbd54e00>, <OpOverload(op='aten.diag', overload='out')>: <function diag at 0x7fa8cbd57560>, <OpOverload(op='aten.split_with_sizes', overload='default')>: <function split_with_sizes at 0x7fa8cbd54720>, <OpOverload(op='aten.diagonal_scatter', overload='out')>: <function diagonal_scatter at 0x7fa8cbd577e0>, <OpOverload(op='aten.diagonal', overload='Dimname')>: <function diagonal at 0x7fa8cbd57600>, <OpOverload(op='aten.t', overload='default')>: <function t at 0x7fa8cbd78040>, <OpOverload(op='aten.diag_embed', overload='default')>: <function diag_embed at 0x7fa8cbd57b00>, <OpOverload(op='aten.diag_embed', overload='out')>: <function diag_embed at 0x7fa8cbd57b00>, <OpOverload(op='aten.block_diag', overload='default')>: <function _block_diag_iterable at 0x7fa8cbd57ec0>, <OpOverload(op='aten.block_diag', overload='out')>: <function _block_diag_iterable at 0x7fa8cbd57ec0>, <OpOverload(op='aten.alias', overload='default')>: <function alias at 0x7fa8cbd78220>, <OpOverload(op='aten.unfold', overload='default')>: <function unfold at 0x7fa8cbd78400>, <OpOverload(op='aten.unfold_copy', overload='default')>: <function unfold_copy at 0x7fa8cbd78860>, <OpOverload(op='aten.unfold_copy', overload='out')>: <function unfold_copy at 0x7fa8cbd78860>, <OpOverload(op='aten.view', overload='default')>: <function view at 0x7fa8cbd78c20>, <OpOverload(op='aten.cumsum', overload='default')>: <function cumsum at 0x7fa8cbd78900>, <OpOverload(op='aten.cumsum', overload='dimname')>: <function cumsum at 0x7fa8cbd78900>, <OpOverload(op='aten.cumsum', overload='dimname_out')>: <function cumsum at 0x7fa8cbd78900>, <OpOverload(op='aten.cumsum', overload='out')>: <function cumsum at 0x7fa8cbd78900>, <OpOverload(op='aten.cumprod', overload='default')>: <function cumprod at 0x7fa8cbd789a0>, <OpOverload(op='aten.cumprod', overload='dimname')>: <function cumprod at 0x7fa8cbd789a0>, <OpOverload(op='aten.cumprod', overload='dimname_out')>: <function cumprod at 0x7fa8cbd789a0>, <OpOverload(op='aten.cumprod', overload='out')>: <function cumprod at 0x7fa8cbd789a0>, <OpOverload(op='aten.unsqueeze', overload='default')>: <function unsqueeze at 0x7fa8cbd78ae0>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor_out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar_out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.ones', overload='default')>: <function ones at 0x7fa8cbd796c0>, <OpOverload(op='aten.arange', overload='start_step')>: <function arange at 0x7fa8cbd7a0c0>, <OpOverload(op='aten.arange', overload='start_out')>: <function arange at 0x7fa8cbd7a0c0>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor_out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='default')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.lerp', overload='Scalar')>: <function lerp at 0x7fa8cbd7a3e0>, <OpOverload(op='aten.lerp', overload='Tensor')>: <function lerp at 0x7fa8cbd7a3e0>, <OpOverload(op='aten.lerp', overload='Scalar_out')>: <function lerp at 0x7fa8cbd7a3e0>, <OpOverload(op='aten.lerp', overload='Tensor_out')>: <function lerp at 0x7fa8cbd7a3e0>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.linspace', overload='Tensor_Tensor')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Tensor_Scalar')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Scalar_Tensor')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='default')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='out')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Tensor_Tensor_out')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Tensor_Scalar_out')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Scalar_Tensor_out')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.meshgrid', overload='default')>: <function meshgrid at 0x7fa8cbd7a5c0>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.meshgrid', overload='indexing')>: <function meshgrid at 0x7fa8cbd7a5c0>, <OpOverload(op='aten.eye', overload='default')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.eye', overload='m')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.eye', overload='out')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.eye', overload='m_out')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.triu', overload='out')>: <function triu at 0x7fa8cbd7b9c0>, <OpOverload(op='aten.randn', overload='default')>: <function randn at 0x7fa8cbd7b4c0>, <OpOverload(op='aten.triu', overload='default')>: <function triu at 0x7fa8cbd7b9c0>, <OpOverload(op='aten.masked_fill', overload='Scalar')>: <function masked_fill at 0x7fa8cbd7b880>, <OpOverload(op='aten.masked_fill', overload='Tensor')>: <function masked_fill at 0x7fa8cbd7b880>, <OpOverload(op='aten.masked_fill', overload='Scalar_out')>: <function masked_fill at 0x7fa8cbd7b880>, <OpOverload(op='aten.masked_fill', overload='Tensor_out')>: <function masked_fill at 0x7fa8cbd7b880>, <OpOverload(op='aten.masked_fill_', overload='Scalar')>: <function masked_fill_ at 0x7fa8cbd7b6a0>, <OpOverload(op='aten.masked_fill_', overload='Tensor')>: <function masked_fill_ at 0x7fa8cbd7b6a0>, <OpOverload(op='aten.norm', overload='Scalar')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dim')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dim_dtype')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='dtype_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='Scalar_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_dtype_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.trace', overload='default')>: <function trace at 0x7fa8cbd7bf60>, <OpOverload(op='aten.trace', overload='out')>: <function trace at 0x7fa8cbd7bf60>, <OpOverload(op='aten.tril', overload='default')>: <function tril at 0x7fa8cbd78b80>, <OpOverload(op='aten.tril', overload='out')>: <function tril at 0x7fa8cbd78b80>, <OpOverload(op='aten.tril_indices', overload='default')>: <function tril_indices at 0x7fa8cbda44a0>, <OpOverload(op='aten.tril_indices', overload='out')>: <function tril_indices at 0x7fa8cbda44a0>, <OpOverload(op='aten.triu_indices', overload='default')>: <function triu_indices at 0x7fa8cbda47c0>, <OpOverload(op='aten.triu_indices', overload='out')>: <function triu_indices at 0x7fa8cbda47c0>, <OpOverload(op='aten.deg2rad', overload='out')>: <function deg2rad at 0x7fa8cbda6020>, <OpOverload(op='aten.bucketize', overload='Tensor')>: <function bucketize at 0x7fa8cbda4a40>, <OpOverload(op='aten.bucketize', overload='Scalar')>: <function bucketize at 0x7fa8cbda4a40>, <OpOverload(op='aten.bucketize', overload='Tensor_out')>: <function bucketize at 0x7fa8cbda4a40>, <OpOverload(op='aten.bucketize', overload='Scalar_out')>: <function bucketize at 0x7fa8cbda4a40>, <OpOverload(op='aten.deg2rad', overload='default')>: <function deg2rad at 0x7fa8cbda6020>, <OpOverload(op='aten.cauchy', overload='default')>: <function cauchy at 0x7fa8cbda4d60>, <OpOverload(op='aten.cauchy', overload='out')>: <function cauchy at 0x7fa8cbda4d60>, <OpOverload(op='aten.exponential', overload='default')>: <function exponential at 0x7fa8cbda5080>, <OpOverload(op='aten.exponential', overload='out')>: <function exponential at 0x7fa8cbda5080>, <OpOverload(op='aten.geometric', overload='default')>: <function geometric at 0x7fa8cbda53a0>, <OpOverload(op='aten.geometric', overload='out')>: <function geometric at 0x7fa8cbda53a0>, <OpOverload(op='aten.log_normal', overload='default')>: <function log_normal at 0x7fa8cbda56c0>, <OpOverload(op='aten.log_normal', overload='out')>: <function log_normal at 0x7fa8cbda56c0>, <OpOverload(op='aten.normal_', overload='default')>: <function normal_ at 0x7fa8cbda5760>, <OpOverload(op='aten.rad2deg', overload='default')>: <function rad2deg at 0x7fa8cbda5f80>, <OpOverload(op='aten.rad2deg', overload='out')>: <function rad2deg at 0x7fa8cbda5f80>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList_out')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.count_nonzero', overload='default')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.count_nonzero', overload='out')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.dot', overload='default')>: <function dot at 0x7fa8cbda63e0>, <OpOverload(op='aten.dot', overload='out')>: <function dot at 0x7fa8cbda63e0>, <OpOverload(op='aten.vdot', overload='default')>: <function vdot at 0x7fa8cbda67a0>, <OpOverload(op='aten.vdot', overload='out')>: <function vdot at 0x7fa8cbda67a0>, <OpOverload(op='aten.select_scatter', overload='out')>: <function select_scatter at 0x7fa8cbda6a20>, <OpOverload(op='aten.abs_', overload='default')>: <function abs at 0x7fa8cbda4f40>, <OpOverload(op='aten.acos_', overload='default')>: <function acos at 0x7fa8cbda6840>, <OpOverload(op='aten.acosh_', overload='default')>: <function acosh at 0x7fa8cbda6ac0>, <OpOverload(op='aten.add_', overload='Scalar')>: <function add at 0x7fa8cbda6c00>, <OpOverload(op='aten.conj_physical_', overload='default')>: <function conj_physical at 0x7fa8cbda7e20>, <OpOverload(op='aten.addcmul_', overload='default')>: <function addcmul at 0x7fa8cbda6d40>, <OpOverload(op='aten.addcdiv_', overload='default')>: <function addcdiv at 0x7fa8cbda6e80>, <OpOverload(op='aten.asin_', overload='default')>: <function asin at 0x7fa8cbda6fc0>, <OpOverload(op='aten.asinh_', overload='default')>: <function asinh at 0x7fa8cbda7100>, <OpOverload(op='aten.clamp_max_', overload='Tensor')>: <function clamp_max at 0x7fa8cbda7f60>, <OpOverload(op='aten.atan_', overload='default')>: <function atan at 0x7fa8cbda7240>, <OpOverload(op='aten.clamp_max_', overload='default')>: <function clamp_max at 0x7fa8cbda7f60>, <OpOverload(op='aten.atanh_', overload='default')>: <function atanh at 0x7fa8cbda7380>, <OpOverload(op='aten.atan2_', overload='default')>: <function atan2 at 0x7fa8cbda74c0>, <OpOverload(op='aten.bitwise_and_', overload='Tensor')>: <function bitwise_and at 0x7fa8cbda7600>, <OpOverload(op='aten.bitwise_and_', overload='Scalar')>: <function bitwise_and at 0x7fa8cbda7600>, <OpOverload(op='aten.bitwise_left_shift_', overload='Tensor_Scalar')>: <function bitwise_left_shift at 0x7fa8cbda7740>, <OpOverload(op='aten.bitwise_left_shift_', overload='Tensor')>: <function bitwise_left_shift at 0x7fa8cbda7740>, <OpOverload(op='aten.bitwise_not_', overload='default')>: <function bitwise_not at 0x7fa8cbda7880>, <OpOverload(op='aten.bitwise_or_', overload='Tensor')>: <function bitwise_or at 0x7fa8cbda79c0>, <OpOverload(op='aten.bitwise_or_', overload='Scalar')>: <function bitwise_or at 0x7fa8cbda79c0>, <OpOverload(op='aten.clamp_min_', overload='Tensor')>: <function clamp_min at 0x7fa8cbdd0040>, <OpOverload(op='aten.clamp_min_', overload='default')>: <function clamp_min at 0x7fa8cbdd0040>, <OpOverload(op='aten.bitwise_right_shift_', overload='Tensor_Scalar')>: <function bitwise_right_shift at 0x7fa8cbda7b00>, <OpOverload(op='aten.bitwise_right_shift_', overload='Tensor')>: <function bitwise_right_shift at 0x7fa8cbda7b00>, <OpOverload(op='aten.bitwise_xor_', overload='Tensor')>: <function bitwise_xor at 0x7fa8cbda7c40>, <OpOverload(op='aten.bitwise_xor_', overload='Scalar')>: <function bitwise_xor at 0x7fa8cbda7c40>, <OpOverload(op='aten.ceil_', overload='default')>: <function ceil at 0x7fa8cbda7d80>, <OpOverload(op='aten.copysign_', overload='Tensor')>: <function copysign at 0x7fa8cbda7ba0>, <OpOverload(op='aten.clamp_', overload='default')>: <function clamp at 0x7fa8cbda7ec0>, <OpOverload(op='aten.clamp_', overload='Tensor')>: <function clamp at 0x7fa8cbda7ec0>, <OpOverload(op='aten.copysign_', overload='Scalar')>: <function copysign at 0x7fa8cbda7ba0>, <OpOverload(op='aten.cos_', overload='default')>: <function cos at 0x7fa8cbda7920>, <OpOverload(op='aten.le_', overload='Tensor')>: <function le at 0x7fa8cbda5580>, <OpOverload(op='aten.cosh_', overload='default')>: <function cosh at 0x7fa8cbda76a0>, <OpOverload(op='aten.cumsum_', overload='default')>: <function cumsum at 0x7fa8cbda7420>, <OpOverload(op='aten.cumsum_', overload='dimname')>: <function cumsum at 0x7fa8cbda7420>, <OpOverload(op='aten.le_', overload='Scalar')>: <function le at 0x7fa8cbda5580>, <OpOverload(op='aten.cumprod_', overload='default')>: <function cumprod at 0x7fa8cbda71a0>, <OpOverload(op='aten.cumprod_', overload='dimname')>: <function cumprod at 0x7fa8cbda71a0>, <OpOverload(op='aten.deg2rad_', overload='default')>: <function deg2rad at 0x7fa8cbda6f20>, <OpOverload(op='aten.xlogy_', overload='Scalar_Other')>: <function xlogy at 0x7fa8cbdd31a0>, <OpOverload(op='aten.digamma_', overload='default')>: <function digamma at 0x7fa8cbda6ca0>, <OpOverload(op='aten.div_', overload='Tensor')>: <function div at 0x7fa8cbda6980>, <OpOverload(op='aten.div_', overload='Tensor_mode')>: <function div at 0x7fa8cbda6980>, <OpOverload(op='aten.div_', overload='Scalar')>: <function div at 0x7fa8cbda6980>, <OpOverload(op='aten.div_', overload='Scalar_mode')>: <function div at 0x7fa8cbda6980>, <OpOverload(op='aten.eq_', overload='Scalar')>: <function eq at 0x7fa8cbda6340>, <OpOverload(op='aten.eq_', overload='Tensor')>: <function eq at 0x7fa8cbda6340>, <OpOverload(op='aten.erf_', overload='default')>: <function erf at 0x7fa8cbda5b20>, <OpOverload(op='aten.lcm_', overload='default')>: <function lcm at 0x7fa8cbdd1800>, <OpOverload(op='aten.erfc_', overload='default')>: <function erfc at 0x7fa8cbdd02c0>, <OpOverload(op='aten.erfinv_', overload='default')>: <function erfinv at 0x7fa8cbdd00e0>, <OpOverload(op='aten.exp_', overload='default')>: <function exp at 0x7fa8cbdd0400>, <OpOverload(op='aten.exp2_', overload='default')>: <function exp2 at 0x7fa8cbdd0540>, <OpOverload(op='aten.expm1_', overload='default')>: <function expm1 at 0x7fa8cbdd0680>, <OpOverload(op='aten.float_power_', overload='Tensor')>: <function float_power at 0x7fa8cbdd07c0>, <OpOverload(op='aten.float_power_', overload='Scalar')>: <function float_power at 0x7fa8cbdd07c0>, <OpOverload(op='aten.log1p_', overload='default')>: <function log1p at 0x7fa8cbda77e0>, <OpOverload(op='aten.floor_', overload='default')>: <function floor at 0x7fa8cbdd0900>, <OpOverload(op='aten.floor_divide_', overload='Scalar')>: <function floor_divide at 0x7fa8cbdd0a40>, <OpOverload(op='aten.floor_divide_', overload='Tensor')>: <function floor_divide at 0x7fa8cbdd0a40>, <OpOverload(op='aten.fmod_', overload='Tensor')>: <function fmod at 0x7fa8cbdd0b80>, <OpOverload(op='aten.fmod_', overload='Scalar')>: <function fmod at 0x7fa8cbdd0b80>, <OpOverload(op='aten.frac_', overload='default')>: <function frac at 0x7fa8cbdd0cc0>, <OpOverload(op='aten.log10_', overload='default')>: <function log10 at 0x7fa8cbda72e0>, <OpOverload(op='aten.gcd_', overload='default')>: <function gcd at 0x7fa8cbdd0e00>, <OpOverload(op='aten.ge_', overload='Scalar')>: <function ge at 0x7fa8cbdd0f40>, <OpOverload(op='aten.ge_', overload='Tensor')>: <function ge at 0x7fa8cbdd0f40>, <OpOverload(op='aten.gt_', overload='Scalar')>: <function gt at 0x7fa8cbdd1080>, <OpOverload(op='aten.gt_', overload='Tensor')>: <function gt at 0x7fa8cbdd1080>, <OpOverload(op='aten.heaviside_', overload='default')>: <function heaviside at 0x7fa8cbdd11c0>, <OpOverload(op='aten.lgamma_', overload='default')>: <function lgamma at 0x7fa8cbda6de0>, <OpOverload(op='aten.hypot_', overload='default')>: <function hypot at 0x7fa8cbdd1300>, <OpOverload(op='aten.igamma_', overload='default')>: <function igamma at 0x7fa8cbdd1440>, <OpOverload(op='aten.lerp_', overload='Scalar')>: <function lerp at 0x7fa8cbda6b60>, <OpOverload(op='aten.igammac_', overload='default')>: <function igammac at 0x7fa8cbdd1580>, <OpOverload(op='aten.xlogy_', overload='Tensor')>: <function xlogy at 0x7fa8cbdd31a0>, <OpOverload(op='aten.i0_', overload='default')>: <function i0 at 0x7fa8cbdd16c0>, <OpOverload(op='aten.lerp_', overload='Tensor')>: <function lerp at 0x7fa8cbda6b60>, <OpOverload(op='aten.log2_', overload='default')>: <function log2 at 0x7fa8cbda7ce0>, <OpOverload(op='aten.log_', overload='default')>: <function log at 0x7fa8cbdd19e0>, <OpOverload(op='aten.logical_and_', overload='default')>: <function logical_and at 0x7fa8cbdd1760>, <OpOverload(op='aten.trunc_', overload='default')>: <function trunc at 0x7fa8cbda7060>, <OpOverload(op='aten.logical_not_', overload='default')>: <function logical_not at 0x7fa8cbdd14e0>, <OpOverload(op='aten.logical_or_', overload='default')>: <function logical_or at 0x7fa8cbdd1260>, <OpOverload(op='aten.logical_xor_', overload='default')>: <function logical_xor at 0x7fa8cbdd0fe0>, <OpOverload(op='aten.lt_', overload='Scalar')>: <function lt at 0x7fa8cbdd0d60>, <OpOverload(op='aten.lt_', overload='Tensor')>: <function lt at 0x7fa8cbdd0d60>, <OpOverload(op='aten.mul_', overload='Tensor')>: <function mul at 0x7fa8cbdd0ae0>, <OpOverload(op='aten.mul_', overload='Scalar')>: <function mul at 0x7fa8cbdd0ae0>, <OpOverload(op='aten.true_divide_', overload='Scalar')>: <function true_divide at 0x7fa8cbda7560>, <OpOverload(op='aten.true_divide_', overload='Tensor')>: <function true_divide at 0x7fa8cbda7560>, <OpOverload(op='aten.mvlgamma_', overload='default')>: <function _make_alias.<locals>._fn at 0x7fa8cbdd0860>, <OpOverload(op='aten.nan_to_num_', overload='default')>: <function nan_to_num at 0x7fa8cbdd05e0>, <OpOverload(op='aten.ne_', overload='Scalar')>: <function ne at 0x7fa8cbdd0360>, <OpOverload(op='aten.ne_', overload='Tensor')>: <function ne at 0x7fa8cbdd0360>, <OpOverload(op='aten.neg_', overload='default')>: <function neg at 0x7fa8cbdd0180>, <OpOverload(op='aten.nextafter_', overload='default')>: <function nextafter at 0x7fa8cbdd1b20>, <OpOverload(op='aten.triu_', overload='default')>: <function triu at 0x7fa8cbda7a60>, <OpOverload(op='aten.pow_', overload='Scalar')>: <function pow at 0x7fa8cbdd1c60>, <OpOverload(op='aten.pow_', overload='Tensor')>: <function pow at 0x7fa8cbdd1c60>, <OpOverload(op='aten.rad2deg_', overload='default')>: <function rad2deg at 0x7fa8cbdd1da0>, <OpOverload(op='aten.reciprocal_', overload='default')>: <function reciprocal at 0x7fa8cbdd1ee0>, <OpOverload(op='aten.remainder_', overload='Tensor')>: <function remainder at 0x7fa8cbdd2020>, <OpOverload(op='aten.remainder_', overload='Scalar')>: <function remainder at 0x7fa8cbdd2020>, <OpOverload(op='aten.rsqrt_', overload='default')>: <function rsqrt at 0x7fa8cbdd2160>, <OpOverload(op='aten.sgn_', overload='default')>: <function sgn at 0x7fa8cbdd22a0>, <OpOverload(op='aten.sigmoid_', overload='default')>: <function sigmoid at 0x7fa8cbdd23e0>, <OpOverload(op='aten.sign_', overload='default')>: <function sign at 0x7fa8cbdd2520>, <OpOverload(op='aten.tril_', overload='default')>: <function tril at 0x7fa8cbdd3060>, <OpOverload(op='aten.sin_', overload='default')>: <function sin at 0x7fa8cbdd2660>, <OpOverload(op='aten.sinc_', overload='default')>: <function sinc at 0x7fa8cbdd27a0>, <OpOverload(op='aten.sinh_', overload='default')>: <function sinh at 0x7fa8cbdd28e0>, <OpOverload(op='aten.sqrt_', overload='default')>: <function sqrt at 0x7fa8cbdd2a20>, <OpOverload(op='aten.square_', overload='default')>: <function square at 0x7fa8cbdd2b60>, <OpOverload(op='aten.exponential_', overload='default')>: <function exponential at 0x7fa8cbdd3100>, <OpOverload(op='aten.sub_', overload='Tensor')>: <function sub at 0x7fa8cbdd2ca0>, <OpOverload(op='aten.sub_', overload='Scalar')>: <function sub at 0x7fa8cbdd2ca0>, <OpOverload(op='aten.tan_', overload='default')>: <function tan at 0x7fa8cbdd2de0>, <OpOverload(op='aten.tanh_', overload='default')>: <function tanh at 0x7fa8cbdd2f20>, <OpOverload(op='aten.cauchy_', overload='default')>: <function cauchy at 0x7fa8cbdd3380>, <OpOverload(op='aten.geometric_', overload='default')>: <function geometric at 0x7fa8cbdd2e80>, <OpOverload(op='aten.log_normal_', overload='default')>: <function log_normal at 0x7fa8cbdd2c00>, <OpOverload(op='aten.zero_', overload='default')>: <function zero at 0x7fa8cbdd2980>, <OpOverload(op='aten.alias_copy', overload='default')>: <function PyCapsule.alias at 0x7fa8cbdd2480>, <OpOverload(op='aten.alias_copy', overload='out')>: <function PyCapsule.alias at 0x7fa8cbdd2480>, <OpOverload(op='aten.transpose_copy', overload='int')>: <function PyCapsule.transpose at 0x7fa8cbdd3ba0>, <OpOverload(op='aten.as_strided_copy', overload='default')>: <function PyCapsule.as_strided at 0x7fa8cbdd1f80>, <OpOverload(op='aten.as_strided_copy', overload='out')>: <function PyCapsule.as_strided at 0x7fa8cbdd1f80>, <OpOverload(op='aten.diagonal_copy', overload='default')>: <function PyCapsule.diagonal at 0x7fa8cbdd1a80>, <OpOverload(op='aten.diagonal_copy', overload='out')>: <function PyCapsule.diagonal at 0x7fa8cbdd1a80>, <OpOverload(op='aten.transpose_copy', overload='int_out')>: <function PyCapsule.transpose at 0x7fa8cbdd3ba0>, <OpOverload(op='aten.expand_copy', overload='default')>: <function PyCapsule.expand at 0x7fa8cbdd09a0>, <OpOverload(op='aten.expand_copy', overload='out')>: <function PyCapsule.expand at 0x7fa8cbdd09a0>, <OpOverload(op='aten.narrow_copy', overload='default')>: <function PyCapsule.narrow at 0x7fa8cbdd13a0>, <OpOverload(op='aten.narrow_copy', overload='out')>: <function PyCapsule.narrow at 0x7fa8cbdd13a0>, <OpOverload(op='aten.squeeze_copy', overload='out')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dim_out')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dims_out')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='default')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dim')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dims')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.permute_copy', overload='out')>: <function PyCapsule.permute at 0x7fa8cbdd36a0>, <OpOverload(op='aten.permute_copy', overload='default')>: <function PyCapsule.permute at 0x7fa8cbdd36a0>, <OpOverload(op='aten.t_copy', overload='out')>: <function PyCapsule.t at 0x7fa8cbdd3920>, <OpOverload(op='aten.t_copy', overload='default')>: <function PyCapsule.t at 0x7fa8cbdd3920>, <OpOverload(op='aten.unsqueeze_copy', overload='out')>: <function PyCapsule.unsqueeze at 0x7fa8cbdd3d80>, <OpOverload(op='aten.unsqueeze_copy', overload='default')>: <function PyCapsule.unsqueeze at 0x7fa8cbdd3d80>, <OpOverload(op='aten.fft_ifft2', overload='default')>: <function ifft2 at 0x7fa8cbc23ec0>, <OpOverload(op='aten.view_copy', overload='default')>: <function PyCapsule.view at 0x7fa8cbdd34c0>, <OpOverload(op='aten.view_copy', overload='out')>: <function PyCapsule.view at 0x7fa8cbdd34c0>, <OpOverload(op='aten.view_copy', overload='dtype_out')>: <function PyCapsule.view at 0x7fa8cbdd34c0>, <OpOverload(op='aten.view_copy', overload='dtype')>: <function PyCapsule.view at 0x7fa8cbdd34c0>, <OpOverload(op='aten.complex', overload='default')>: <function complex at 0x7fa8cbc20b80>, <OpOverload(op='aten.complex', overload='out')>: <function complex at 0x7fa8cbc20b80>, <OpOverload(op='aten.polar', overload='default')>: <function polar at 0x7fa8cbc20e00>, <OpOverload(op='aten.polar', overload='out')>: <function polar at 0x7fa8cbc20e00>, <OpOverload(op='aten.fft_fft', overload='default')>: <function fft at 0x7fa8cbc218a0>, <OpOverload(op='aten.fft_fft', overload='out')>: <function fft at 0x7fa8cbc218a0>, <OpOverload(op='aten.fft_ifft', overload='default')>: <function ifft at 0x7fa8cbc21b20>, <OpOverload(op='aten.fft_ifft', overload='out')>: <function ifft at 0x7fa8cbc21b20>, <OpOverload(op='aten.fft_rfft', overload='default')>: <function rfft at 0x7fa8cbc21da0>, <OpOverload(op='aten.fft_rfft', overload='out')>: <function rfft at 0x7fa8cbc21da0>, <OpOverload(op='aten.fft_irfft', overload='default')>: <function irfft at 0x7fa8cbc21d00>, <OpOverload(op='aten.fft_irfft', overload='out')>: <function irfft at 0x7fa8cbc21d00>, <OpOverload(op='aten.__ior__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20d60>, <OpOverload(op='aten.__ior__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20d60>, <OpOverload(op='aten.__irshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20ea0>, <OpOverload(op='aten.__irshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20ea0>, <OpOverload(op='aten.scatter_', overload='value')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.__ixor__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20fe0>, <OpOverload(op='aten.__ixor__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20fe0>, <OpOverload(op='aten.scatter_', overload='src')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.leaky_relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21120>, <OpOverload(op='aten.logit_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21260>, <OpOverload(op='aten.scatter_', overload='reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.scatter_', overload='value_reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.scatter_add_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3e20>, <OpOverload(op='aten.scatter_reduce_', overload='two')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21580>, <OpOverload(op='aten.silu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21300>, <OpOverload(op='aten.is_complex', overload='default')>: <function is_complex at 0x7fa8cbe98860>, <OpOverload(op='aten.erfinv', overload='default')>: <function erfinv at 0x7fa8cbe98ea0>, <OpOverload(op='aten.erfinv', overload='out')>: <function erfinv at 0x7fa8cbe98ea0>, <OpOverload(op='aten.zero', overload='default')>: <function zero at 0x7fa8cbe9b4c0>, <OpOverload(op='aten.zero', overload='out')>: <function zero at 0x7fa8cbe9b4c0>, <OpOverload(op='aten.frac', overload='default')>: <function frac at 0x7fa8cbe9bd80>, <OpOverload(op='aten.frac', overload='out')>: <function frac at 0x7fa8cbe9bd80>, <OpOverload(op='aten.isneginf', overload='out')>: <function isneginf at 0x7fa8cbe9b9c0>, <OpOverload(op='aten.isinf', overload='default')>: <function isinf at 0x7fa8cbeac680>, <OpOverload(op='aten.isinf', overload='out')>: <function isinf at 0x7fa8cbeac680>, <OpOverload(op='aten.isneginf', overload='default')>: <function isneginf at 0x7fa8cbe9b9c0>, <OpOverload(op='aten.isposinf', overload='default')>: <function isposinf at 0x7fa8cbeacae0>, <OpOverload(op='aten.isposinf', overload='out')>: <function isposinf at 0x7fa8cbeacae0>, <OpOverload(op='aten.isnan', overload='default')>: <function isnan at 0x7fa8cbe9a2a0>, <OpOverload(op='aten.isnan', overload='out')>: <function isnan at 0x7fa8cbe9a2a0>, <OpOverload(op='aten.i0', overload='default')>: <function i0 at 0x7fa8cbead580>, <OpOverload(op='aten.i0', overload='out')>: <function i0 at 0x7fa8cbead580>, <OpOverload(op='aten.logsumexp', overload='default')>: <function logsumexp at 0x7fa8cbeaf060>, <OpOverload(op='aten.logsumexp', overload='names')>: <function logsumexp at 0x7fa8cbeaf060>, <OpOverload(op='aten.logsumexp', overload='names_out')>: <function logsumexp at 0x7fa8cbeaf060>, <OpOverload(op='aten.logsumexp', overload='out')>: <function logsumexp at 0x7fa8cbeaf060>, <OpOverload(op='aten.nan_to_num', overload='default')>: <function nan_to_num at 0x7fa8cbeaf2e0>, <OpOverload(op='aten.nan_to_num', overload='out')>: <function nan_to_num at 0x7fa8cbeaf2e0>, <OpOverload(op='aten.sigmoid', overload='default')>: <function sigmoid at 0x7fa8cbecc2c0>, <OpOverload(op='aten.sigmoid', overload='out')>: <function sigmoid at 0x7fa8cbecc2c0>, <OpOverload(op='aten.sgn', overload='default')>: <function sgn at 0x7fa8cbecc720>, <OpOverload(op='aten.sgn', overload='out')>: <function sgn at 0x7fa8cbecc720>, <OpOverload(op='aten.sinc', overload='default')>: <function sinc at 0x7fa8cbecd8a0>, <OpOverload(op='aten.sinc', overload='out')>: <function sinc at 0x7fa8cbecd8a0>, <OpOverload(op='aten.add_', overload='Tensor')>: <function add at 0x7fa8cbda6c00>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor')>: <function bitwise_left_shift at 0x7fa8cbecf9c0>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_Scalar')>: <function bitwise_left_shift at 0x7fa8cbecf9c0>, <OpOverload(op='aten.bitwise_left_shift', overload='Scalar_Tensor')>: <function bitwise_left_shift at 0x7fa8cbecf9c0>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_out')>: <function bitwise_left_shift at 0x7fa8cbecf9c0>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_Scalar_out')>: <function bitwise_left_shift at 0x7fa8cbecf9c0>, <OpOverload(op='aten.bitwise_left_shift', overload='Scalar_Tensor_out')>: <function bitwise_left_shift at 0x7fa8cbecf9c0>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor')>: <function bitwise_right_shift at 0x7fa8cbee0180>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_Scalar')>: <function bitwise_right_shift at 0x7fa8cbee0180>, <OpOverload(op='aten.bitwise_right_shift', overload='Scalar_Tensor')>: <function bitwise_right_shift at 0x7fa8cbee0180>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_out')>: <function bitwise_right_shift at 0x7fa8cbee0180>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_Scalar_out')>: <function bitwise_right_shift at 0x7fa8cbee0180>, <OpOverload(op='aten.bitwise_right_shift', overload='Scalar_Tensor_out')>: <function bitwise_right_shift at 0x7fa8cbee0180>, <OpOverload(op='aten.copysign', overload='Tensor')>: <function copysign at 0x7fa8cbee0900>, <OpOverload(op='aten.copysign', overload='Scalar')>: <function copysign at 0x7fa8cbee0900>, <OpOverload(op='aten.copysign', overload='out')>: <function copysign at 0x7fa8cbee0900>, <OpOverload(op='aten.copysign', overload='Scalar_out')>: <function copysign at 0x7fa8cbee0900>, <OpOverload(op='aten.heaviside', overload='default')>: <function heaviside at 0x7fa8cbee3420>, <OpOverload(op='aten.heaviside', overload='out')>: <function heaviside at 0x7fa8cbee3420>, <OpOverload(op='aten.lcm', overload='default')>: <function lcm at 0x7fa8cbee09a0>, <OpOverload(op='aten.lcm', overload='out')>: <function lcm at 0x7fa8cbee09a0>, <OpOverload(op='aten.logaddexp', overload='default')>: <function logaddexp at 0x7fa8cbefc4a0>, <OpOverload(op='aten.logaddexp', overload='out')>: <function logaddexp at 0x7fa8cbefc4a0>, <OpOverload(op='aten.logaddexp2', overload='default')>: <function logaddexp2 at 0x7fa8cbefc860>, <OpOverload(op='aten.logaddexp2', overload='out')>: <function logaddexp2 at 0x7fa8cbefc860>, <OpOverload(op='aten.logical_and', overload='default')>: <function logical_and at 0x7fa8cbefcc20>, <OpOverload(op='aten.logical_and', overload='out')>: <function logical_and at 0x7fa8cbefcc20>, <OpOverload(op='aten.logical_not', overload='default')>: <function logical_not at 0x7fa8cbefd080>, <OpOverload(op='aten.logical_not', overload='out')>: <function logical_not at 0x7fa8cbefd080>, <OpOverload(op='aten.logical_or', overload='default')>: <function logical_or at 0x7fa8cbefd440>, <OpOverload(op='aten.logical_or', overload='out')>: <function logical_or at 0x7fa8cbefd440>, <OpOverload(op='aten.logical_xor', overload='default')>: <function logical_xor at 0x7fa8cbefd800>, <OpOverload(op='aten.logical_xor', overload='out')>: <function logical_xor at 0x7fa8cbefd800>, <OpOverload(op='aten.rsub', overload='Tensor')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.rsub', overload='Scalar')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.rsub', overload='Tensor_out')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.rsub', overload='Scalar_out')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.clamp', overload='Tensor_out')>: <function clamp at 0x7fa8cbd24400>, <OpOverload(op='aten.xlogy', overload='Tensor')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.xlogy', overload='Scalar_Other')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.xlogy', overload='Scalar_Self')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.xlogy', overload='OutTensor')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.xlogy', overload='OutScalar_Self')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.xlogy', overload='OutScalar_Other')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.clamp', overload='out')>: <function clamp at 0x7fa8cbd24400>, <OpOverload(op='aten.addcdiv', overload='default')>: <function addcdiv at 0x7fa8cbeffd80>, <OpOverload(op='aten.addcdiv', overload='out')>: <function addcdiv at 0x7fa8cbeffd80>, <OpOverload(op='aten.softplus_backward', overload='default')>: <function softplus_backward at 0x7fa8cbf293a0>, <OpOverload(op='aten.softplus_backward', overload='grad_input')>: <function softplus_backward at 0x7fa8cbf293a0>, <OpOverload(op='aten.elu_backward', overload='default')>: <function elu_backward at 0x7fa8cbf28f40>, <OpOverload(op='aten.elu_backward', overload='grad_input')>: <function elu_backward at 0x7fa8cbf28f40>, <OpOverload(op='aten.hardsigmoid', overload='default')>: <function hardsigmoid at 0x7fa8cbf29f80>, <OpOverload(op='aten.hardsigmoid', overload='out')>: <function hardsigmoid at 0x7fa8cbf29f80>, <OpOverload(op='aten.hardsigmoid_backward', overload='default')>: <function hardsigmoid_backward at 0x7fa8cbf2a020>, <OpOverload(op='aten.hardsigmoid_backward', overload='grad_input')>: <function hardsigmoid_backward at 0x7fa8cbf2a020>, <OpOverload(op='aten.hardtanh_backward', overload='default')>: <function hardtanh_backward at 0x7fa8cbf298a0>, <OpOverload(op='aten.hardtanh_backward', overload='grad_input')>: <function hardtanh_backward at 0x7fa8cbf298a0>, <OpOverload(op='aten.hardswish', overload='default')>: <function hardswish at 0x7fa8cbf2a520>, <OpOverload(op='aten.hardswish', overload='out')>: <function hardswish at 0x7fa8cbf2a520>, <OpOverload(op='aten.hardswish_backward', overload='default')>: <function hardswish_backward at 0x7fa8cbf2a840>, <OpOverload(op='aten.hardswish_backward', overload='out')>: <function hardswish_backward at 0x7fa8cbf2a840>, <OpOverload(op='aten.threshold_backward', overload='default')>: <function threshold_backward at 0x7fa8cbf2a8e0>, <OpOverload(op='aten.threshold_backward', overload='grad_input')>: <function threshold_backward at 0x7fa8cbf2a8e0>, <OpOverload(op='aten.leaky_relu_backward', overload='default')>: <function leaky_relu_backward at 0x7fa8cbf2ac00>, <OpOverload(op='aten.leaky_relu_backward', overload='grad_input')>: <function leaky_relu_backward at 0x7fa8cbf2ac00>, <OpOverload(op='aten.gelu_backward', overload='default')>: <function gelu_backward at 0x7fa8cbf2afc0>, <OpOverload(op='aten.gelu_backward', overload='grad_input')>: <function gelu_backward at 0x7fa8cbf2afc0>, <OpOverload(op='aten.mish_backward', overload='default')>: <function mish_backward at 0x7fa8cbf2b380>, <OpOverload(op='aten.silu', overload='default')>: <function silu at 0x7fa8cbf2b7e0>, <OpOverload(op='aten.silu', overload='out')>: <function silu at 0x7fa8cbf2b7e0>, <OpOverload(op='aten.silu_backward', overload='default')>: <function silu_backward at 0x7fa8cbf2b880>, <OpOverload(op='aten.silu_backward', overload='grad_input')>: <function silu_backward at 0x7fa8cbf2b880>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='out')>: <function rrelu_with_noise_backward at 0x7fa8cbf5c180>, <OpOverload(op='aten._prelu_kernel', overload='default')>: <function _prelu_kernel at 0x7fa8cbf2bba0>, <OpOverload(op='aten._prelu_kernel_backward', overload='default')>: <function _prelu_kernel_backward at 0x7fa8cbf2bc40>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='default')>: <function rrelu_with_noise_backward at 0x7fa8cbf5c180>, <OpOverload(op='aten.log_sigmoid_backward', overload='default')>: <function log_sigmoid_backward at 0x7fa8cbf2be20>, <OpOverload(op='aten.log_sigmoid_backward', overload='grad_input')>: <function log_sigmoid_backward at 0x7fa8cbf2be20>, <OpOverload(op='aten.mse_loss', overload='default')>: <function mse_loss at 0x7fa8cbf29ee0>, <OpOverload(op='aten.mse_loss', overload='out')>: <function mse_loss at 0x7fa8cbf29ee0>, <OpOverload(op='aten.mse_loss_backward', overload='default')>: <function mse_loss_backward at 0x7fa8cbf5c220>, <OpOverload(op='aten.mse_loss_backward', overload='grad_input')>: <function mse_loss_backward at 0x7fa8cbf5c220>, <OpOverload(op='aten._safe_softmax', overload='default')>: <function safe_softmax at 0x7fa8cbf5c540>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='default')>: <function smooth_l1_loss_backward at 0x7fa8cbf5ca40>, <OpOverload(op='aten.smooth_l1_loss', overload='default')>: <function smooth_l1_loss at 0x7fa8cbf5c9a0>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='grad_input')>: <function smooth_l1_loss_backward_out at 0x7fa8cbf5cc20>, <OpOverload(op='aten.smooth_l1_loss', overload='out')>: <function smooth_l1_loss at 0x7fa8cbf5c9a0>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='grad_input')>: <function binary_cross_entropy_backward at 0x7fa8cbf5df80>, <OpOverload(op='aten.huber_loss_backward', overload='default')>: <function huber_loss_backward at 0x7fa8cbf5ce00>, <OpOverload(op='aten.huber_loss_backward', overload='out')>: <function huber_loss_backward_out at 0x7fa8cbf5cfe0>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='default')>: <function binary_cross_entropy_backward at 0x7fa8cbf5df80>, <OpOverload(op='aten.glu_backward', overload='default')>: <function glu_backward at 0x7fa8cbf5d260>, <OpOverload(op='aten.glu_backward', overload='grad_input')>: <function glu_backward at 0x7fa8cbf5d260>, <OpOverload(op='aten.nll_loss_backward', overload='default')>: <function nll_loss_backward at 0x7fa8cbf5d620>, <OpOverload(op='aten.nll_loss_backward', overload='grad_input')>: <function nll_loss_backward at 0x7fa8cbf5d620>, <OpOverload(op='aten.nll_loss2d_backward', overload='default')>: <function nll_loss2d_backward at 0x7fa8cbf5d940>, <OpOverload(op='aten.nll_loss2d_backward', overload='grad_input')>: <function nll_loss2d_backward at 0x7fa8cbf5d940>, <OpOverload(op='aten.binary_cross_entropy', overload='default')>: <function binary_cross_entropy at 0x7fa8cbf5dee0>, <OpOverload(op='aten.binary_cross_entropy', overload='out')>: <function binary_cross_entropy at 0x7fa8cbf5dee0>, <OpOverload(op='aten.soft_margin_loss', overload='default')>: <function soft_margin_loss at 0x7fa8cbf5cd60>, <OpOverload(op='aten.soft_margin_loss', overload='out')>: <function soft_margin_loss at 0x7fa8cbf5cd60>, <OpOverload(op='aten.soft_margin_loss_backward', overload='default')>: <function soft_margin_loss_backward at 0x7fa8cbf5cb80>, <OpOverload(op='aten.soft_margin_loss_backward', overload='grad_input')>: <function soft_margin_loss_backward at 0x7fa8cbf5cb80>, <OpOverload(op='aten.dist', overload='default')>: <function dist at 0x7fa8cbf5e3e0>, <OpOverload(op='aten.dist', overload='out')>: <function dist at 0x7fa8cbf5e3e0>, <OpOverload(op='aten._euclidean_dist', overload='default')>: <function _euclidean_dist at 0x7fa8cbf5e660>, <OpOverload(op='aten._euclidean_dist', overload='out')>: <function _euclidean_dist at 0x7fa8cbf5e660>, <OpOverload(op='aten.slice_backward', overload='out')>: <function slice_backward at 0x7fa8cbf5e8e0>, <OpOverload(op='aten.select_backward', overload='default')>: <function select_backward at 0x7fa8cbf5efc0>, <OpOverload(op='aten.diagonal_backward', overload='default')>: <function diagonal_backward at 0x7fa8cbf5f240>, <OpOverload(op='aten.diagonal_backward', overload='out')>: <function diagonal_backward at 0x7fa8cbf5f240>, <OpOverload(op='aten._softmax_backward_data', overload='default')>: <function _softmax_backward_data at 0x7fa8cbf5f380>, <OpOverload(op='aten._softmax_backward_data', overload='out')>: <function _softmax_backward_data at 0x7fa8cbf5f380>, <OpOverload(op='aten.col2im', overload='out')>: <function col2im at 0x7fa8cbf5fc40>, <OpOverload(op='aten._log_softmax_backward_data', overload='default')>: <function _log_softmax_backward_data at 0x7fa8cbf5f9c0>, <OpOverload(op='aten._log_softmax_backward_data', overload='out')>: <function _log_softmax_backward_data at 0x7fa8cbf5f9c0>, <OpOverload(op='aten.col2im', overload='default')>: <function col2im at 0x7fa8cbf5fc40>, <OpOverload(op='aten.im2col', overload='default')>: <function im2col at 0x7fa8cbf5fce0>, <OpOverload(op='aten.im2col', overload='out')>: <function im2col at 0x7fa8cbf5fce0>, <OpOverload(op='aten.native_dropout_backward', overload='default')>: <function native_dropout_backward at 0x7fa8cbf5eca0>, <OpOverload(op='aten.native_dropout_backward', overload='out')>: <function native_dropout_backward at 0x7fa8cbf5eca0>, <OpOverload(op='aten.logit_backward', overload='default')>: <function logit_backward at 0x7fa8cbf5c400>, <OpOverload(op='aten.unfold_backward', overload='default')>: <function unfold_backward at 0x7fa8cbf5e340>, <OpOverload(op='aten.unfold_backward', overload='out')>: <function unfold_backward at 0x7fa8cbf5e340>, <OpOverload(op='aten.dropout', overload='default')>: <function dropout at 0x7fa8cbf880e0>, <OpOverload(op='aten.addmm', overload='out')>: <function addmm at 0x7fa8cbf8a020>, <OpOverload(op='aten.native_dropout', overload='default')>: <function native_dropout at 0x7fa8cbf88720>, <OpOverload(op='aten.native_dropout', overload='out')>: <function native_dropout at 0x7fa8cbf88720>, <OpOverload(op='aten._softmax', overload='default')>: <function _softmax at 0x7fa8cbf88ae0>, <OpOverload(op='aten._softmax', overload='out')>: <function _softmax at 0x7fa8cbf88ae0>, <OpOverload(op='aten._log_softmax', overload='default')>: <function _log_softmax at 0x7fa8cbf88d60>, <OpOverload(op='aten._log_softmax', overload='out')>: <function _log_softmax at 0x7fa8cbf88d60>, <OpOverload(op='aten.embedding', overload='default')>: <function embedding at 0x7fa8cbf88fe0>, <OpOverload(op='aten.embedding', overload='out')>: <function embedding at 0x7fa8cbf88fe0>, <OpOverload(op='aten._addmm_activation', overload='default')>: <function _addmm_activation at 0x7fa8cbf8a0c0>, <OpOverload(op='aten._addmm_activation', overload='out')>: <function _addmm_activation at 0x7fa8cbf8a0c0>, <OpOverload(op='aten._chunk_cat', overload='default')>: <function _chunk_cat at 0x7fa8cbf89580>, <OpOverload(op='aten.embedding_dense_backward', overload='default')>: <function embedding_dense_backward at 0x7fa8cbf89260>, <OpOverload(op='aten._chunk_cat', overload='out')>: <function _chunk_cat at 0x7fa8cbf89580>, <OpOverload(op='aten.embedding_dense_backward', overload='out')>: <function embedding_dense_backward at 0x7fa8cbf89260>, <OpOverload(op='aten.split_with_sizes_copy', overload='default')>: <function split_with_sizes_copy at 0x7fa8cbf89620>, <OpOverload(op='aten.split_with_sizes_copy', overload='out')>: <function split_with_sizes_copy at 0x7fa8cbf89620>, <OpOverload(op='aten.unsafe_split', overload='Tensor')>: <function unsafe_split at 0x7fa8cbf89760>, <OpOverload(op='aten.unsafe_split_with_sizes', overload='default')>: <function unsafe_split_with_sizes at 0x7fa8cbf898a0>, <OpOverload(op='aten.split', overload='Tensor')>: <function split at 0x7fa8cbf899e0>, <OpOverload(op='aten.addmm', overload='default')>: <function addmm at 0x7fa8cbf8a020>, <OpOverload(op='aten.native_group_norm_backward', overload='default')>: <function native_group_norm_backward at 0x7fa8cbf896c0>, <OpOverload(op='aten.addmv', overload='default')>: <function addmv at 0x7fa8cbf89800>, <OpOverload(op='aten.native_group_norm_backward', overload='out')>: <function native_group_norm_backward_out at 0x7fa8cbf891c0>, <OpOverload(op='aten.addmv', overload='out')>: <function addmv at 0x7fa8cbf89800>, <OpOverload(op='aten.native_layer_norm_backward', overload='default')>: <function native_layer_norm_backward at 0x7fa8cbf88860>, <OpOverload(op='aten.native_layer_norm_backward', overload='out')>: <function native_layer_norm_backward_out at 0x7fa8cbf88040>, <OpOverload(op='aten.batch_norm_backward', overload='default')>: <function batch_norm_backward at 0x7fa8cbf89940>, <OpOverload(op='aten.native_batch_norm', overload='default')>: <function native_batch_norm at 0x7fa8cbf8a8e0>, <OpOverload(op='aten.native_batch_norm', overload='out')>: <function native_batch_norm at 0x7fa8cbf8a8e0>, <OpOverload(op='aten._native_batch_norm_legit_no_training', overload='default')>: <function _native_batch_norm_legit_no_training at 0x7fa8cbf8aca0>, <OpOverload(op='aten._native_batch_norm_legit', overload='default')>: <function _native_batch_norm_legit at 0x7fa8cbf8ad40>, <OpOverload(op='aten._native_batch_norm_legit', overload='no_stats')>: <function _native_batch_norm_legit_no_stats at 0x7fa8cbf8ae80>, <OpOverload(op='aten._native_batch_norm_legit_functional', overload='default')>: <function _native_batch_norm_legit_functional at 0x7fa8cbf8afc0>, <OpOverload(op='aten.cudnn_batch_norm', overload='default')>: <function cudnn_batch_norm at 0x7fa8cbf8a160>, <OpOverload(op='aten._batch_norm_with_update', overload='default')>: <function _batch_norm_with_update at 0x7fa8cbf8b240>, <OpOverload(op='aten._batch_norm_with_update_functional', overload='default')>: <function _batch_norm_with_update_functional at 0x7fa8cbf8b2e0>, <OpOverload(op='aten.lift', overload='out')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten._batch_norm_no_update', overload='default')>: <function _batch_norm_no_update at 0x7fa8cbf8b420>, <OpOverload(op='aten._fused_dropout', overload='default')>: <function _fused_dropout_decomposition at 0x7fa8cbf8bce0>, <OpOverload(op='aten._fused_dropout', overload='out')>: <function _fused_dropout_decomposition at 0x7fa8cbf8bce0>, <OpOverload(op='aten._to_copy', overload='default')>: <function _to_copy at 0x7fa8cbfac0e0>, <OpOverload(op='aten._to_copy', overload='out')>: <function _to_copy at 0x7fa8cbfac0e0>, <OpOverload(op='aten.lift', overload='default')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten.cudnn_batch_norm', overload='out')>: <function cudnn_batch_norm at 0x7fa8cbf8a160>, <OpOverload(op='aten.index_copy', overload='dimname')>: <function index_copy at 0x7fa8cbfadc60>, <OpOverload(op='aten.native_batch_norm_backward', overload='default')>: <function native_batch_norm_backward at 0x7fa8cbf89da0>, <OpOverload(op='aten.native_batch_norm_backward', overload='out')>: <function native_batch_norm_backward_out at 0x7fa8cbfac2c0>, <OpOverload(op='aten.index_copy', overload='default')>: <function index_copy at 0x7fa8cbfadc60>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='default')>: <function miopen_batch_norm_backward at 0x7fa8cbfaca40>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='out')>: <function miopen_batch_norm_backward at 0x7fa8cbfaca40>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='default')>: <function cudnn_batch_norm_backward at 0x7fa8cbfad120>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='out')>: <function cudnn_batch_norm_backward at 0x7fa8cbfad120>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='default')>: <function adaptive_avg_pool2d at 0x7fa8cbfad580>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='out')>: <function adaptive_avg_pool2d at 0x7fa8cbfad580>, <OpOverload(op='aten.max_unpool2d', overload='default')>: <function max_unpool2d at 0x7fa8cbfad8a0>, <OpOverload(op='aten.max_unpool2d', overload='out')>: <function max_unpool2d at 0x7fa8cbfad8a0>, <OpOverload(op='aten.max_unpool3d', overload='default')>: <function max_unpool3d at 0x7fa8cbfadb20>, <OpOverload(op='aten.max_unpool3d', overload='out')>: <function max_unpool3d at 0x7fa8cbfadb20>, <OpOverload(op='aten.index_add_', overload='default')>: <function index_add_ at 0x7fa8cbfad940>, <OpOverload(op='aten.pad_sequence', overload='default')>: <function pad_sequence at 0x7fa8cbfae020>, <OpOverload(op='aten.index_add', overload='default')>: <function index_add at 0x7fa8cbfadee0>, <OpOverload(op='aten.index_add', overload='out')>: <function index_add at 0x7fa8cbfadee0>, <OpOverload(op='aten.index_add', overload='dimname')>: <function index_add at 0x7fa8cbfadee0>, <OpOverload(op='aten.index_copy', overload='out')>: <function index_copy at 0x7fa8cbfadc60>, <OpOverload(op='aten.index_copy_', overload='default')>: <function index_copy_ at 0x7fa8cbfadf80>, <OpOverload(op='aten.index_copy_', overload='dimname')>: <function index_copy_ at 0x7fa8cbfadf80>, <OpOverload(op='aten.gru', overload='input')>: <function gru_impl at 0x7fa8cbfcd580>, <OpOverload(op='aten.log_sigmoid_forward', overload='default')>: <function log_sigmoid_forward at 0x7fa8cbfae3e0>, <OpOverload(op='aten.log_sigmoid_forward', overload='output')>: <function log_sigmoid_forward at 0x7fa8cbfae3e0>, <OpOverload(op='aten.upsample_nearest1d', overload='vec')>: <function _upsample_nearest_vec at 0x7fa8cbfaef20>, <OpOverload(op='aten.uniform_', overload='default')>: <function uniform_ at 0x7fa8cbfae5c0>, <OpOverload(op='aten.upsample_nearest2d', overload='vec')>: <function _upsample_nearest_vec at 0x7fa8cbfaef20>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fa8cbfaf380>, <OpOverload(op='aten.upsample_nearest3d', overload='vec')>: <function _upsample_nearest_vec at 0x7fa8cbfaef20>, <OpOverload(op='aten.gru', overload='data')>: <function gru_impl_data at 0x7fa8cbfcd3a0>, <OpOverload(op='aten.upsample_nearest1d', overload='default')>: <function upsample_nearest1d at 0x7fa8cbfaf740>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fa8cbfaf380>, <OpOverload(op='aten.lstm', overload='data')>: <function lstm_data_impl at 0x7fa8cbfcd080>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fa8cbfaf380>, <OpOverload(op='aten.upsample_nearest1d', overload='out')>: <function upsample_nearest1d at 0x7fa8cbfaf740>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='default')>: <function upsample_nearest_exact1d at 0x7fa8cbfafa60>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='out')>: <function upsample_nearest_exact1d at 0x7fa8cbfafa60>, <OpOverload(op='aten.upsample_nearest2d', overload='default')>: <function upsample_nearest2d at 0x7fa8cbfafd80>, <OpOverload(op='aten.upsample_nearest2d', overload='out')>: <function upsample_nearest2d at 0x7fa8cbfafd80>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='default')>: <function _upsample_nearest_exact2d at 0x7fa8cbfcc0e0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='out')>: <function _upsample_nearest_exact2d at 0x7fa8cbfcc0e0>, <OpOverload(op='aten.upsample_nearest3d', overload='default')>: <function upsample_nearest3d at 0x7fa8cbfcc400>, <OpOverload(op='aten.upsample_nearest3d', overload='out')>: <function upsample_nearest3d at 0x7fa8cbfcc400>, <OpOverload(op='aten.lstm', overload='input')>: <function lstm_impl at 0x7fa8cbfccea0>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='default')>: <function _upsample_nearest_exact3d at 0x7fa8cbfcc720>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='out')>: <function _upsample_nearest_exact3d at 0x7fa8cbfcc720>, <OpOverload(op='aten.rnn_tanh', overload='input')>: <function rnn_tanh_input at 0x7fa8cbfccf40>, <OpOverload(op='aten.rnn_relu', overload='input')>: <function rnn_relu_input at 0x7fa8cbfaf9c0>, <OpOverload(op='aten.rnn_relu', overload='data')>: <function rnn_relu_data at 0x7fa8cbfaf060>, <OpOverload(op='aten.rnn_tanh', overload='data')>: <function rnn_tanh_data at 0x7fa8cbfaec00>, <OpOverload(op='aten._upsample_bilinear2d_aa', overload='vec')>: <function upsample_bilinear2d_aa_vec at 0x7fa8cbfcd760>, <OpOverload(op='aten._upsample_bicubic2d_aa', overload='vec')>: <function upsample_bicubic2d_aa_vec at 0x7fa8cbfcd940>, <OpOverload(op='aten.affine_grid_generator', overload='default')>: <function affine_grid_generator at 0x7fa8cbfcfce0>, <OpOverload(op='aten.upsample_bilinear2d', overload='vec')>: <function _upsample_linear_vec at 0x7fa8cbfcde40>, <OpOverload(op='aten.upsample_linear1d', overload='default')>: <function upsample_linear1d at 0x7fa8cbfce020>, <OpOverload(op='aten.upsample_trilinear3d', overload='vec')>: <function _upsample_linear_vec at 0x7fa8cbfcde40>, <OpOverload(op='aten.upsample_linear1d', overload='out')>: <function upsample_linear1d at 0x7fa8cbfce020>, <OpOverload(op='aten.upsample_bilinear2d', overload='default')>: <function upsample_bilinear2d at 0x7fa8cbfce340>, <OpOverload(op='aten.upsample_bilinear2d', overload='out')>: <function upsample_bilinear2d at 0x7fa8cbfce340>, <OpOverload(op='aten.upsample_trilinear3d', overload='default')>: <function upsample_trilinear3d at 0x7fa8cbfce5c0>, <OpOverload(op='aten.upsample_trilinear3d', overload='out')>: <function upsample_trilinear3d at 0x7fa8cbfce5c0>, <OpOverload(op='aten.is_same_size', overload='default')>: <function is_same_size at 0x7fa8cbfce980>, <OpOverload(op='aten._reshape_alias', overload='default')>: <function _reshape_alias at 0x7fa8cbfced40>, <OpOverload(op='aten._unsafe_view', overload='default')>: <function _reshape_alias at 0x7fa8cbfced40>, <OpOverload(op='aten._unsafe_view', overload='out')>: <function _reshape_alias at 0x7fa8cbfced40>, <OpOverload(op='aten._unsafe_index', overload='Tensor')>: <function _unsafe_index at 0x7fa8cbfceb60>, <OpOverload(op='aten._unsafe_masked_index', overload='default')>: <function _unsafe_masked_index at 0x7fa8cbfcef20>, <OpOverload(op='aten._unsafe_masked_index_put_accumulate', overload='default')>: <function _unsafe_masked_index_put_accumulate at 0x7fa8cbfcf060>, <OpOverload(op='aten.nll_loss_forward', overload='default')>: <function nll_loss_forward at 0x7fa8cbfcf880>, <OpOverload(op='aten.nll_loss_forward', overload='output')>: <function nll_loss_forward at 0x7fa8cbfcf880>, <OpOverload(op='aten.nll_loss2d_forward', overload='default')>: <function nll_loss2d_forward at 0x7fa8cbfcf100>, <OpOverload(op='aten.nll_loss2d_forward', overload='output')>: <function nll_loss2d_forward at 0x7fa8cbfcf100>, <OpOverload(op='aten.affine_grid_generator', overload='out')>: <function affine_grid_generator at 0x7fa8cbfcfce0>, <OpOverload(op='aten.grid_sampler_2d', overload='default')>: <function grid_sampler_2d at 0x7fa8cbff00e0>, <OpOverload(op='aten.grid_sampler_2d', overload='out')>: <function grid_sampler_2d at 0x7fa8cbff00e0>, <OpOverload(op='aten._weight_norm_interface', overload='out')>: <function _weight_norm_interface at 0x7fa8cbff3c40>, <OpOverload(op='aten.mv', overload='default')>: <function mv at 0x7fa8cbff0400>, <OpOverload(op='aten.mv', overload='out')>: <function mv at 0x7fa8cbff0400>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='default')>: <function binary_cross_entropy_with_logits at 0x7fa8cbff0680>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='out')>: <function binary_cross_entropy_with_logits at 0x7fa8cbff0680>, <OpOverload(op='aten.upsample_bicubic2d', overload='default')>: <function upsample_bicubic2d_default at 0x7fa8cbff0e00>, <OpOverload(op='aten.upsample_bicubic2d', overload='out')>: <function upsample_bicubic2d_default at 0x7fa8cbff0e00>, <OpOverload(op='aten.upsample_bicubic2d', overload='vec')>: <function upsample_bicubic2d_vec at 0x7fa8cbff1260>, <OpOverload(op='aten.reflection_pad3d', overload='default')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad3d', overload='out')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad2d', overload='default')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad2d', overload='out')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad1d', overload='default')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad1d', overload='out')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.replication_pad3d', overload='default')>: <function _replication_pad at 0x7fa8cbff1800>, <OpOverload(op='aten.replication_pad3d', overload='out')>: <function _replication_pad at 0x7fa8cbff1800>, <OpOverload(op='aten.replication_pad2d', overload='default')>: <function _replication_pad at 0x7fa8cbff1800>, <OpOverload(op='aten.replication_pad2d', overload='out')>: <function _replication_pad at 0x7fa8cbff1800>, <OpOverload(op='aten.replication_pad1d', overload='default')>: <function _replication_pad at 0x7fa8cbff1800>, <OpOverload(op='aten.replication_pad1d', overload='out')>: <function _replication_pad at 0x7fa8cbff1800>, <OpOverload(op='aten.reflection_pad3d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fa8cbff16c0>, <OpOverload(op='aten.reflection_pad3d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fa8cbff16c0>, <OpOverload(op='aten.reflection_pad2d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.reflection_pad2d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.reflection_pad1d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.reflection_pad1d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.aminmax', overload='default')>: <function aminmax at 0x7fa8cbff1d00>, <OpOverload(op='aten.aminmax', overload='out')>: <function aminmax at 0x7fa8cbff1d00>, <OpOverload(op='aten.arange', overload='default')>: <function arange_default at 0x7fa8cbff2340>, <OpOverload(op='aten.nansum', overload='default')>: <function nansum at 0x7fa8cbff20c0>, <OpOverload(op='aten.nansum', overload='out')>: <function nansum at 0x7fa8cbff20c0>, <OpOverload(op='aten.arange', overload='out')>: <function arange_default at 0x7fa8cbff2340>, <OpOverload(op='aten.arange', overload='start')>: <function arange_start at 0x7fa8cbff2160>, <OpOverload(op='aten.multi_margin_loss', overload='default')>: <function multi_margin_loss at 0x7fa8cbff2980>, <OpOverload(op='aten.multi_margin_loss', overload='out')>: <function multi_margin_loss at 0x7fa8cbff2980>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='default')>: <function multilabel_margin_loss_forward at 0x7fa8cbff3060>, <OpOverload(op='aten._scaled_dot_product_flash_attention_for_cpu', overload='default')>: <function scaled_dot_product_flash_attention_for_cpu at 0x7fa8cbff2520>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='output')>: <function multilabel_margin_loss_forward at 0x7fa8cbff3060>, <OpOverload(op='aten.bernoulli', overload='default')>: <function bernoulli at 0x7fa8cbff3d80>, <OpOverload(op='aten.isin', overload='Scalar_Tensor')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.isin', overload='Tensor_Scalar_out')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.baddbmm', overload='default')>: <function baddbmm at 0x7fa8cbff36a0>, <OpOverload(op='aten.baddbmm', overload='out')>: <function baddbmm at 0x7fa8cbff36a0>, <OpOverload(op='aten.isin', overload='Tensor_Scalar')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.floor_divide', overload='default')>: <function floor_divide at 0x7fa8cbff3920>, <OpOverload(op='aten.floor_divide', overload='Scalar')>: <function floor_divide at 0x7fa8cbff3920>, <OpOverload(op='aten.floor_divide', overload='out')>: <function floor_divide at 0x7fa8cbff3920>, <OpOverload(op='aten.floor_divide', overload='Scalar_out')>: <function floor_divide at 0x7fa8cbff3920>, <OpOverload(op='aten.isin', overload='Tensor_Tensor_out')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.isin', overload='Tensor_Tensor')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten._weight_norm_interface', overload='default')>: <function _weight_norm_interface at 0x7fa8cbff3c40>, <OpOverload(op='aten.isin', overload='Scalar_Tensor_out')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.bernoulli', overload='p')>: <function bernoulli_p at 0x7fa8cbff3ba0>, <OpOverload(op='aten.round_', overload='decimals')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff1e40>, <OpOverload(op='aten.take', overload='default')>: <function take at 0x7fa8cbff22a0>, <OpOverload(op='aten.take', overload='out')>: <function take at 0x7fa8cbff22a0>, <OpOverload(op='aten.round_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff1e40>, <OpOverload(op='aten.resize_as', overload='default')>: <function resize_as at 0x7fa8cbff28e0>, <OpOverload(op='aten.resize_as', overload='out')>: <function resize_as at 0x7fa8cbff28e0>, <OpOverload(op='aten.addbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff2020>, <OpOverload(op='aten.renorm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff1a80>, <OpOverload(op='aten.addmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff14e0>, <OpOverload(op='aten.addmv_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3f60>, <OpOverload(op='aten.baddbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe200e0>, <OpOverload(op='aten.fill_', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20220>, <OpOverload(op='aten.fill_', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20220>, <OpOverload(op='aten.gelu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20360>, <OpOverload(op='aten.hardswish_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe204a0>, <OpOverload(op='aten.hardtanh_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe205e0>, <OpOverload(op='aten.hardsigmoid_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20720>, <OpOverload(op='aten.__iand__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20860>, <OpOverload(op='aten.__iand__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20860>, <OpOverload(op='aten.__ilshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe209a0>, <OpOverload(op='aten.__ilshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe209a0>, <OpOverload(op='aten.relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe213a0>, <OpOverload(op='aten.index_reduce_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20c20>, <OpOverload(op='aten.nextafter', overload='out')>: <function nextafter at 0x7fa8cbefe7a0>, <OpOverload(op='aten.pow', overload='Tensor_Tensor')>: <function pow at 0x7fa8cbee0ae0>, <OpOverload(op='aten.pow', overload='Tensor_Scalar')>: <function pow at 0x7fa8cbee0ae0>, <OpOverload(op='aten.pow', overload='Tensor_Scalar_out')>: <function pow at 0x7fa8cbee0ae0>, <OpOverload(op='aten.pow', overload='Tensor_Tensor_out')>: <function pow at 0x7fa8cbee0ae0>, <OpOverload(op='aten.pow', overload='Scalar_out')>: <function pow at 0x7fa8cbee0ae0>, <OpOverload(op='aten.pow', overload='Scalar')>: <function pow at 0x7fa8cbee0ae0>, <OpOverload(op='aten.remainder', overload='Tensor')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.remainder', overload='Scalar')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.remainder', overload='Tensor_out')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.remainder', overload='Scalar_out')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.remainder', overload='Scalar_Tensor_out')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.remainder', overload='Scalar_Tensor')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.sub', overload='Tensor')>: <function sub at 0x7fa8cbeff100>, <OpOverload(op='aten.sub', overload='Scalar')>: <function sub at 0x7fa8cbeff100>, <OpOverload(op='aten.sub', overload='Scalar_out')>: <function sub at 0x7fa8cbeff100>, <OpOverload(op='aten.sub', overload='out')>: <function sub at 0x7fa8cbeff100>, <OpOverload(op='aten.squeeze', overload='default')>: <function squeeze_default at 0x7fa8cbff3b00>, <OpOverload(op='aten.squeeze', overload='dim')>: <function squeeze_default at 0x7fa8cbff3b00>, <OpOverload(op='aten.squeeze', overload='dims')>: <function squeeze at 0x7fa8cbd558a0>, <OpOverload(op='aten.transpose', overload='int')>: <function transpose at 0x7fa8cbd782c0>, <OpOverload(op='aten.transpose', overload='Dimname')>: <function transpose at 0x7fa8cbd782c0>, <OpOverload(op='aten.as_strided_scatter', overload='out')>: <function as_strided_scatter at 0x7fa8cbd274c0>, <OpOverload(op='aten.cat', overload='default')>: <function cat at 0x7fa8cbd27a60>, <OpOverload(op='aten.cat', overload='names')>: <function cat at 0x7fa8cbd27a60>, <OpOverload(op='aten.cat', overload='out')>: <function cat at 0x7fa8cbd27a60>, <OpOverload(op='aten.cat', overload='names_out')>: <function cat at 0x7fa8cbd27a60>, <OpOverload(op='aten.where', overload='self')>: <function where at 0x7fa8cbd24540>, <OpOverload(op='aten.where', overload='ScalarSelf')>: <function where at 0x7fa8cbd24540>, <OpOverload(op='aten.where', overload='Scalar')>: <function where at 0x7fa8cbd24540>, <OpOverload(op='aten.where', overload='default')>: <function where at 0x7fa8cbd24540>, <OpOverload(op='aten.where', overload='self_out')>: <function where at 0x7fa8cbd24540>, <OpOverload(op='aten.where', overload='ScalarOther')>: <function where at 0x7fa8cbd24540>, <OpOverload(op='aten.sum', overload='dim_IntList')>: <function sum at 0x7fa8cbd25800>, <OpOverload(op='aten.sum', overload='default')>: <function sum_default at 0x7fa8cbff39c0>, <OpOverload(op='aten.sum', overload='IntList_out')>: <function sum at 0x7fa8cbd25800>, <OpOverload(op='aten.sum', overload='out')>: <function sum_default at 0x7fa8cbff39c0>, <OpOverload(op='aten.prod', overload='default')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.prod', overload='dim_int')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.prod', overload='dim_Dimname')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.prod', overload='Dimname_out')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.prod', overload='int_out')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.prod', overload='out')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.var', overload='default')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='dim')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='correction')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='names_out')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='out')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='correction_out')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='names_dim')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='correction_names')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='correction_names_out')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.amax', overload='default')>: <function amax at 0x7fa8cbd25da0>, <OpOverload(op='aten.amax', overload='out')>: <function amax at 0x7fa8cbd25da0>, <OpOverload(op='aten.amin', overload='default')>: <function amin at 0x7fa8cbd25c60>, <OpOverload(op='aten.amin', overload='out')>: <function amin at 0x7fa8cbd25c60>, <OpOverload(op='aten.empty_strided', overload='out')>: <function empty_strided at 0x7fa8cbd793a0>, <OpOverload(op='aten.full', overload='default')>: <function full at 0x7fa8cbd7aca0>, <OpOverload(op='aten.full', overload='out')>: <function full at 0x7fa8cbd7aca0>, <OpOverload(op='aten.normal', overload='Tensor_float_out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='Tensor_float')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='float_Tensor_out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='float_Tensor')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='Tensor_Tensor')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='Tensor_Tensor_out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='float_float')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='float_float_out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.uniform', overload='default')>: <function uniform at 0x7fa8cbfae7a0>, <OpOverload(op='aten.uniform', overload='out')>: <function uniform at 0x7fa8cbfae7a0>, <OpOverload(op='aten.frexp', overload='Tensor')>: <function frexp at 0x7fa8cbee23e0>, <OpOverload(op='aten.frexp', overload='Tensor_out')>: <function frexp at 0x7fa8cbee23e0>, <OpOverload(op='aten.tanh_backward', overload='grad_input')>: <function tanh_backward at 0x7fa8cbf28b80>, <OpOverload(op='aten.sigmoid_backward', overload='default')>: <function sigmoid_backward at 0x7fa8cbf28fe0>, <OpOverload(op='aten.sigmoid_backward', overload='grad_input')>: <function sigmoid_backward at 0x7fa8cbf28fe0>, <OpOverload(op='aten.log10', overload='out')>: <function log10 at 0x7fa8cbeaeb60>, <OpOverload(op='aten.reciprocal', overload='default')>: <function reciprocal at 0x7fa8cbeaef20>, <OpOverload(op='aten.reciprocal', overload='out')>: <function reciprocal at 0x7fa8cbeaef20>, <OpOverload(op='aten.neg', overload='default')>: <function neg at 0x7fa8cbeaf7e0>, <OpOverload(op='aten.neg', overload='out')>: <function neg at 0x7fa8cbeaf7e0>, <OpOverload(op='aten.round', overload='default')>: <function round at 0x7fa8cbeada80>, <OpOverload(op='aten.round', overload='decimals')>: <function round at 0x7fa8cbeada80>, <OpOverload(op='aten.round', overload='out')>: <function round at 0x7fa8cbeada80>, <OpOverload(op='aten.round', overload='decimals_out')>: <function round at 0x7fa8cbeada80>, <OpOverload(op='aten.rsqrt', overload='default')>: <function rsqrt at 0x7fa8cbeafe20>, <OpOverload(op='aten.rsqrt', overload='out')>: <function rsqrt at 0x7fa8cbeafe20>, <OpOverload(op='aten.sign', overload='default')>: <function sign at 0x7fa8cbeccb80>, <OpOverload(op='aten.sign', overload='out')>: <function sign at 0x7fa8cbeccb80>, <OpOverload(op='aten.signbit', overload='default')>: <function signbit at 0x7fa8cbeccfe0>, <OpOverload(op='aten.signbit', overload='out')>: <function signbit at 0x7fa8cbeccfe0>, <OpOverload(op='aten.sin', overload='default')>: <function sin at 0x7fa8cbecd440>, <OpOverload(op='aten.sin', overload='out')>: <function sin at 0x7fa8cbecd440>, <OpOverload(op='aten.sinh', overload='default')>: <function sinh at 0x7fa8cbecdd00>, <OpOverload(op='aten.sinh', overload='out')>: <function sinh at 0x7fa8cbecdd00>, <OpOverload(op='aten.sqrt', overload='default')>: <function sqrt at 0x7fa8cbece160>, <OpOverload(op='aten.sqrt', overload='out')>: <function sqrt at 0x7fa8cbece160>, <OpOverload(op='aten.tan', overload='default')>: <function tan at 0x7fa8cbece980>, <OpOverload(op='aten.tan', overload='out')>: <function tan at 0x7fa8cbece980>, <OpOverload(op='aten.tanh', overload='default')>: <function tanh at 0x7fa8cbecede0>, <OpOverload(op='aten.tanh', overload='out')>: <function tanh at 0x7fa8cbecede0>, <OpOverload(op='aten.trunc', overload='default')>: <function trunc at 0x7fa8cbece200>, <OpOverload(op='aten.trunc', overload='out')>: <function trunc at 0x7fa8cbece200>, <OpOverload(op='aten.add', overload='Tensor')>: <function add at 0x7fa8cbecc360>, <OpOverload(op='aten.add', overload='Scalar')>: <function add at 0x7fa8cbecc360>, <OpOverload(op='aten.add', overload='Scalar_out')>: <function add at 0x7fa8cbecc360>, <OpOverload(op='aten.add', overload='out')>: <function add at 0x7fa8cbecc360>, <OpOverload(op='aten.atan2', overload='default')>: <function atan2 at 0x7fa8cbecf240>, <OpOverload(op='aten.atan2', overload='out')>: <function atan2 at 0x7fa8cbecf240>, <OpOverload(op='aten.bitwise_and', overload='Tensor')>: <function bitwise_and at 0x7fa8cbecf600>, <OpOverload(op='aten.bitwise_and', overload='Scalar')>: <function bitwise_and at 0x7fa8cbecf600>, <OpOverload(op='aten.bitwise_and', overload='Scalar_Tensor')>: <function bitwise_and at 0x7fa8cbecf600>, <OpOverload(op='aten.bitwise_and', overload='Tensor_out')>: <function bitwise_and at 0x7fa8cbecf600>, <OpOverload(op='aten.bitwise_and', overload='Scalar_out')>: <function bitwise_and at 0x7fa8cbecf600>, <OpOverload(op='aten.bitwise_and', overload='Scalar_Tensor_out')>: <function bitwise_and at 0x7fa8cbecf600>, <OpOverload(op='aten.bitwise_or', overload='Tensor')>: <function bitwise_or at 0x7fa8cbecfd80>, <OpOverload(op='aten.bitwise_or', overload='Scalar')>: <function bitwise_or at 0x7fa8cbecfd80>, <OpOverload(op='aten.bitwise_or', overload='Scalar_Tensor')>: <function bitwise_or at 0x7fa8cbecfd80>, <OpOverload(op='aten.bitwise_or', overload='Tensor_out')>: <function bitwise_or at 0x7fa8cbecfd80>, <OpOverload(op='aten.bitwise_or', overload='Scalar_out')>: <function bitwise_or at 0x7fa8cbecfd80>, <OpOverload(op='aten.bitwise_or', overload='Scalar_Tensor_out')>: <function bitwise_or at 0x7fa8cbecfd80>, <OpOverload(op='aten.bitwise_xor', overload='Tensor')>: <function bitwise_xor at 0x7fa8cbee0540>, <OpOverload(op='aten.bitwise_xor', overload='Scalar')>: <function bitwise_xor at 0x7fa8cbee0540>, <OpOverload(op='aten.bitwise_xor', overload='Tensor_out')>: <function bitwise_xor at 0x7fa8cbee0540>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_out')>: <function bitwise_xor at 0x7fa8cbee0540>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_Tensor_out')>: <function bitwise_xor at 0x7fa8cbee0540>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_Tensor')>: <function bitwise_xor at 0x7fa8cbee0540>, <OpOverload(op='aten.div', overload='Tensor')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='Scalar')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='out')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='out_mode')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='Scalar_out')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='Scalar_mode_out')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='Tensor_mode')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='Scalar_mode')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.eq', overload='Tensor')>: <function eq at 0x7fa8cbecfe20>, <OpOverload(op='aten.eq', overload='Scalar')>: <function eq at 0x7fa8cbecfe20>, <OpOverload(op='aten.eq', overload='Scalar_out')>: <function eq at 0x7fa8cbecfe20>, <OpOverload(op='aten.eq', overload='Tensor_out')>: <function eq at 0x7fa8cbecfe20>, <OpOverload(op='aten.fmax', overload='default')>: <function fmax at 0x7fa8cbee16c0>, <OpOverload(op='aten.fmax', overload='out')>: <function fmax at 0x7fa8cbee16c0>, <OpOverload(op='aten.fmin', overload='default')>: <function fmin at 0x7fa8cbee1a80>, <OpOverload(op='aten.fmin', overload='out')>: <function fmin at 0x7fa8cbee1a80>, <OpOverload(op='aten.fmod', overload='Tensor')>: <function fmod at 0x7fa8cbee1e40>, <OpOverload(op='aten.fmod', overload='Scalar_out')>: <function fmod at 0x7fa8cbee1e40>, <OpOverload(op='aten.fmod', overload='Tensor_out')>: <function fmod at 0x7fa8cbee1e40>, <OpOverload(op='aten.fmod', overload='Scalar')>: <function fmod at 0x7fa8cbee1e40>, <OpOverload(op='aten.gcd', overload='out')>: <function gcd at 0x7fa8cbee28e0>, <OpOverload(op='aten.gcd', overload='default')>: <function gcd at 0x7fa8cbee28e0>, <OpOverload(op='aten.ge', overload='Tensor')>: <function ge at 0x7fa8cbee2ca0>, <OpOverload(op='aten.ge', overload='Scalar')>: <function ge at 0x7fa8cbee2ca0>, <OpOverload(op='aten.ge', overload='Scalar_out')>: <function ge at 0x7fa8cbee2ca0>, <OpOverload(op='aten.ge', overload='Tensor_out')>: <function ge at 0x7fa8cbee2ca0>, <OpOverload(op='aten.gt', overload='Tensor')>: <function gt at 0x7fa8cbee3060>, <OpOverload(op='aten.gt', overload='Scalar')>: <function gt at 0x7fa8cbee3060>, <OpOverload(op='aten.gt', overload='Tensor_out')>: <function gt at 0x7fa8cbee3060>, <OpOverload(op='aten.gt', overload='Scalar_out')>: <function gt at 0x7fa8cbee3060>, <OpOverload(op='aten.hypot', overload='default')>: <function hypot at 0x7fa8cbee37e0>, <OpOverload(op='aten.hypot', overload='out')>: <function hypot at 0x7fa8cbee37e0>, <OpOverload(op='aten.igamma', overload='default')>: <function igamma at 0x7fa8cbee3ba0>, <OpOverload(op='aten.igamma', overload='out')>: <function igamma at 0x7fa8cbee3ba0>, <OpOverload(op='aten.igammac', overload='default')>: <function igammac at 0x7fa8cbee34c0>, <OpOverload(op='aten.igammac', overload='out')>: <function igammac at 0x7fa8cbee34c0>, <OpOverload(op='aten.le', overload='Tensor')>: <function le at 0x7fa8cbefc0e0>, <OpOverload(op='aten.le', overload='Scalar')>: <function le at 0x7fa8cbefc0e0>, <OpOverload(op='aten.le', overload='Tensor_out')>: <function le at 0x7fa8cbefc0e0>, <OpOverload(op='aten.le', overload='Scalar_out')>: <function le at 0x7fa8cbefc0e0>, <OpOverload(op='aten.lt', overload='Tensor')>: <function lt at 0x7fa8cbefdbc0>, <OpOverload(op='aten.lt', overload='Scalar')>: <function lt at 0x7fa8cbefdbc0>, <OpOverload(op='aten.lt', overload='Tensor_out')>: <function lt at 0x7fa8cbefdbc0>, <OpOverload(op='aten.lt', overload='Scalar_out')>: <function lt at 0x7fa8cbefdbc0>, <OpOverload(op='aten.maximum', overload='default')>: <function maximum at 0x7fa8cbefdf80>, <OpOverload(op='aten.maximum', overload='out')>: <function maximum at 0x7fa8cbefdf80>, <OpOverload(op='aten.minimum', overload='default')>: <function minimum at 0x7fa8cbefe340>, <OpOverload(op='aten.tanh_backward', overload='default')>: <function tanh_backward at 0x7fa8cbf28b80>, <OpOverload(op='aten.minimum', overload='out')>: <function minimum at 0x7fa8cbefe340>, <OpOverload(op='aten.mul', overload='Tensor')>: <function mul at 0x7fa8cbefd120>, <OpOverload(op='aten.mul', overload='Scalar')>: <function mul at 0x7fa8cbefd120>, <OpOverload(op='aten.mul', overload='Scalar_out')>: <function mul at 0x7fa8cbefd120>, <OpOverload(op='aten.mul', overload='out')>: <function mul at 0x7fa8cbefd120>, <OpOverload(op='aten.ne', overload='Tensor')>: <function ne at 0x7fa8cbefe3e0>, <OpOverload(op='aten.ne', overload='Scalar')>: <function ne at 0x7fa8cbefe3e0>, <OpOverload(op='aten.ne', overload='Tensor_out')>: <function ne at 0x7fa8cbefe3e0>, <OpOverload(op='aten.ne', overload='Scalar_out')>: <function ne at 0x7fa8cbefe3e0>, <OpOverload(op='aten.nextafter', overload='default')>: <function nextafter at 0x7fa8cbefe7a0>, <OpOverload(op='aten.acosh', overload='out')>: <function acosh at 0x7fa8cbe23100>, <OpOverload(op='aten.asin', overload='default')>: <function asin at 0x7fa8cbe23560>, <OpOverload(op='aten.asin', overload='out')>: <function asin at 0x7fa8cbe23560>, <OpOverload(op='aten.asinh', overload='default')>: <function asinh at 0x7fa8cbe239c0>, <OpOverload(op='aten.asinh', overload='out')>: <function asinh at 0x7fa8cbe239c0>, <OpOverload(op='aten.atan', overload='default')>: <function atan at 0x7fa8cbe23e20>, <OpOverload(op='aten.atan', overload='out')>: <function atan at 0x7fa8cbe23e20>, <OpOverload(op='aten.atanh', overload='default')>: <function atanh at 0x7fa8cbe982c0>, <OpOverload(op='aten.atanh', overload='out')>: <function atanh at 0x7fa8cbe982c0>, <OpOverload(op='aten.cos', overload='default')>: <function cos at 0x7fa8cbe993a0>, <OpOverload(op='aten.cos', overload='out')>: <function cos at 0x7fa8cbe993a0>, <OpOverload(op='aten.cosh', overload='default')>: <function cosh at 0x7fa8cbe99800>, <OpOverload(op='aten.cosh', overload='out')>: <function cosh at 0x7fa8cbe99800>, <OpOverload(op='aten.bitwise_not', overload='default')>: <function bitwise_not at 0x7fa8cbe98720>, <OpOverload(op='aten.bitwise_not', overload='out')>: <function bitwise_not at 0x7fa8cbe98720>, <OpOverload(op='aten.ceil', overload='default')>: <function ceil at 0x7fa8cbe98b80>, <OpOverload(op='aten.ceil', overload='out')>: <function ceil at 0x7fa8cbe98b80>, <OpOverload(op='aten.conj_physical', overload='default')>: <function conj_physical at 0x7fa8cbe98f40>, <OpOverload(op='aten.conj_physical', overload='out')>: <function conj_physical at 0x7fa8cbe98f40>, <OpOverload(op='aten.clone', overload='default')>: <function clone at 0x7fa8cbd247c0>, <OpOverload(op='aten.clone', overload='out')>: <function clone at 0x7fa8cbd247c0>, <OpOverload(op='aten.digamma', overload='default')>: <function digamma at 0x7fa8cbe99c60>, <OpOverload(op='aten.digamma', overload='out')>: <function digamma at 0x7fa8cbe99c60>, <OpOverload(op='aten.erf', overload='default')>: <function erf at 0x7fa8cbe23a60>, <OpOverload(op='aten.erf', overload='out')>: <function erf at 0x7fa8cbe23a60>, <OpOverload(op='aten.erfc', overload='default')>: <function erfc at 0x7fa8cbe9a200>, <OpOverload(op='aten.erfc', overload='out')>: <function erfc at 0x7fa8cbe9a200>, <OpOverload(op='aten.exp', overload='default')>: <function exp at 0x7fa8cbe9a660>, <OpOverload(op='aten.exp', overload='out')>: <function exp at 0x7fa8cbe9a660>, <OpOverload(op='aten.expm1', overload='default')>: <function expm1 at 0x7fa8cbe9aac0>, <OpOverload(op='aten.expm1', overload='out')>: <function expm1 at 0x7fa8cbe9aac0>, <OpOverload(op='aten.exp2', overload='default')>: <function exp2 at 0x7fa8cbe9af20>, <OpOverload(op='aten.exp2', overload='out')>: <function exp2 at 0x7fa8cbe9af20>, <OpOverload(op='aten.fill', overload='Scalar')>: <function fill_scalar at 0x7fa8cbf299e0>, <OpOverload(op='aten.fill', overload='Tensor')>: <function fill_tensor at 0x7fa8cbf29a80>, <OpOverload(op='aten.floor', overload='default')>: <function floor at 0x7fa8cbe9b920>, <OpOverload(op='aten.floor', overload='out')>: <function floor at 0x7fa8cbe9b920>, <OpOverload(op='aten.lgamma', overload='default')>: <function lgamma at 0x7fa8cbead9e0>, <OpOverload(op='aten.lgamma', overload='out')>: <function lgamma at 0x7fa8cbead9e0>, <OpOverload(op='aten.log', overload='default')>: <function log at 0x7fa8cbeade40>, <OpOverload(op='aten.log', overload='out')>: <function log at 0x7fa8cbeade40>, <OpOverload(op='aten.log1p', overload='default')>: <function log1p at 0x7fa8cbeae2a0>, <OpOverload(op='aten.log1p', overload='out')>: <function log1p at 0x7fa8cbeae2a0>, <OpOverload(op='aten.log2', overload='default')>: <function log2 at 0x7fa8cbeae700>, <OpOverload(op='aten.log2', overload='out')>: <function log2 at 0x7fa8cbeae700>, <OpOverload(op='aten.log10', overload='default')>: <function log10 at 0x7fa8cbeaeb60>, <OpOverload(op='aten.abs', overload='default')>: <function abs at 0x7fa8cbe22700>, <OpOverload(op='aten.abs', overload='out')>: <function abs at 0x7fa8cbe22700>, <OpOverload(op='aten.acos', overload='default')>: <function acos at 0x7fa8cbe22ca0>, <OpOverload(op='aten.acos', overload='out')>: <function acos at 0x7fa8cbe22ca0>, <OpOverload(op='aten.acosh', overload='default')>: <function acosh at 0x7fa8cbe23100>, <OpOverload(op='aten.sym_numel', overload='default')>: <function sym_numel at 0x7fa8cbff3740>, <OpOverload(op='aten.diagonal_scatter', overload='default')>: <function diagonal_scatter at 0x7fa8cbd577e0>, <OpOverload(op='aten.diagonal', overload='default')>: <function diagonal at 0x7fa8cbd57600>, <OpOverload(op='aten.select_scatter', overload='default')>: <function select_scatter at 0x7fa8cbda6a20>, <OpOverload(op='aten.as_strided_scatter', overload='default')>: <function as_strided_scatter at 0x7fa8cbd274c0>, <OpOverload(op='aten.empty_strided', overload='default')>: <function empty_strided at 0x7fa8cbd793a0>, <OpOverload(op='aten.zeros', overload='default')>: <function zeros at 0x7fa8cbd791c0>, <OpOverload(op='aten.detach', overload='default')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten.lift_fresh', overload='default')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten.empty_like', overload='default')>: <function empty_like at 0x7fa8cbd79e40>, <OpOverload(op='aten.empty_like', overload='out')>: <function empty_like at 0x7fa8cbd79e40>, <OpOverload(op='aten.ones_like', overload='default')>: <function ones_like at 0x7fa8cbd7b240>, <OpOverload(op='aten.ones_like', overload='out')>: <function ones_like at 0x7fa8cbd7b240>, <OpOverload(op='aten.zeros_like', overload='default')>: <function zeros_like at 0x7fa8cbd7afc0>, <OpOverload(op='aten.zeros_like', overload='out')>: <function zeros_like at 0x7fa8cbd7afc0>, <OpOverload(op='aten.new_empty', overload='default')>: <function new_empty at 0x7fa8cbd78a40>, <OpOverload(op='aten.new_empty', overload='out')>: <function new_empty at 0x7fa8cbd78a40>, <OpOverload(op='aten.new_empty_strided', overload='default')>: <function new_empty_strided at 0x7fa8cbd78360>, <OpOverload(op='aten.new_empty_strided', overload='out')>: <function new_empty_strided at 0x7fa8cbd78360>, <OpOverload(op='aten.new_full', overload='default')>: <function new_full at 0x7fa8cbd79bc0>, <OpOverload(op='aten.new_full', overload='out')>: <function new_full at 0x7fa8cbd79bc0>, <OpOverload(op='aten.new_zeros', overload='default')>: <function new_zeros at 0x7fa8cbd79440>, <OpOverload(op='aten.new_zeros', overload='out')>: <function new_zeros at 0x7fa8cbd79440>, <OpOverload(op='aten.new_ones', overload='default')>: <function new_ones at 0x7fa8cbd79940>, <OpOverload(op='aten.new_ones', overload='out')>: <function new_ones at 0x7fa8cbd79940>, <OpOverload(op='aten.item', overload='default')>: <function item at 0x7fa8cbd24860>, <OpOverload(op='aten._unsafe_index_put', overload='default')>: <function _unsafe_index_put at 0x7fa8cbfcede0>, <OpOverload(op='aten.slice_scatter', overload='default')>: <function slice_scatter at 0x7fa8cbf5ed40>, <OpOverload(op='aten.slice_scatter', overload='out')>: <function slice_scatter at 0x7fa8cbf5ed40>, <OpOverload(op='aten.index_put_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20ae0>}
- 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 0x7fa8cbf89260>, <OpOverload(op='aten.native_layer_norm_backward', overload='default')>: <function native_layer_norm_backward at 0x7fa8cbf88860>}
- 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/vv/this312/lib/python3.12/site-packages/torch/onnx/_internal/_exporter_legacy.py:101: 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:820: 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:820: 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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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: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: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: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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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: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: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: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: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: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: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: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: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: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: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: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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.14; use ast.Constant instead if isinstance(node, (ast.NameConstant, ast.Constant)) and (node.value is None): /home/xadupre/github/onnxscript/onnxscript/converter.py:583: DeprecationWarning: ast.NameConstant is deprecated and will be removed in Python 3.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 0x7fa8cc10f1d0>: <function out_dtype_decomp at 0x7fa8cbff23e0>, <OpOverload(op='aten.softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ee160>, kernel=<OpOverload(op='aten.softmax', overload='Dimname')>), <OpOverload(op='aten.log_softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b1ee0>, kernel=<OpOverload(op='aten.log_softmax', overload='Dimname')>), <OpOverload(op='aten.conv_transpose2d', overload='input')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80db83380>, 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 0x7fa80d9d4680>, kernel=<OpOverload(op='aten.isreal', overload='default')>), <OpOverload(op='aten._to_cpu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b07c0>, kernel=<OpOverload(op='aten._to_cpu', overload='default')>), <OpOverload(op='aten._dim_arange', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d4ae0>, 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 0x7fa80d9d5080>, 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 0x7fa80efdf420>, 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 0x7fa80efdf600>, 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 0x7fa80d9d5440>, 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 0x7fa80d9d6480>, 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 0x7fa80f40f880>, 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 0x7fa80f40f740>, kernel=<OpOverload(op='aten.inner', overload='default')>), <OpOverload(op='aten.vstack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b3880>, kernel=<OpOverload(op='aten.vstack', overload='default')>), <OpOverload(op='aten.nll_loss2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5f58a0>, 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 0x7fa80f566de0>, 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 0x7fa80f5f5440>, 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 0x7fa8cd832ca0>, kernel=<OpOverload(op='aten._convolution_double_backward', overload='default')>), <OpOverload(op='aten.argsort', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa8cd832c00>, kernel=<OpOverload(op='aten.argsort', overload='default')>), <OpOverload(op='aten.get_gradients', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa8cd8584a0>, 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 0x7fa8cd858180>, 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 0x7fa80f566200>, 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 0x7fa80f40eb60>, 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 0x7fa80f40df80>, 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 0x7fa80f40c5e0>, 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 0x7fa80f40dda0>, 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 0x7fa80f40c9a0>, 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 0x7fa80f40c7c0>, 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 0x7fa80f40dbc0>, 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 0x7fa80f40fb00>, 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 0x7fa80d9d5580>, 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 0x7fa80d9d6ac0>, 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 0x7fa80d9d6f20>, 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 0x7fa80d9d60c0>, 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 0x7fa80d9d6520>, 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 0x7fa80d9d4900>, 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 0x7fa80f267600>, 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 0x7fa7d6e86980>, 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 0x7fa7d6a48d60>, 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 0x7fa7dafa4ae0>, 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 0x7fa80db83e20>, 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 0x7fa80db80cc0>, 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 0x7fa80d9d4400>, 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 0x7fa80d9d4a40>, 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 0x7fa80d9d4cc0>, 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 0x7fa80d9d54e0>, 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 0x7fa80d9d44a0>, 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 0x7fa80f40f920>, 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 0x7fa80f40db20>, 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 0x7fa80f40e660>, 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 0x7fa80f40e700>, 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 0x7fa80f40cfe0>, 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 0x7fa80f40c4a0>, 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 0x7fa80f5f7e20>, 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 0x7fa80f5f7d80>, 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 0x7fa80f5f4fe0>, 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 0x7fa80f5f5580>, 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 0x7fa8cd858720>, 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 0x7fa80f2b4360>, 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 0x7fa80f40e980>, 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 0x7fa80f40f600>, 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 0x7fa80f40d620>, 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 0x7fa80f40d3a0>, 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 0x7fa80f40d800>, 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 0x7fa80f40fa60>, kernel=<OpOverload(op='aten.gather_backward', overload='default')>), <OpOverload(op='aten.native_channel_shuffle', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d6840>, 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 0x7fa80d9d7b00>, 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 0x7fa80d9d76a0>, 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 0x7fa80d9d47c0>, 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 0x7fa80f267e20>, kernel=<OpOverload(op='aten._is_zerotensor', overload='default')>), <OpOverload(op='aten.argwhere', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ec4a0>, kernel=<OpOverload(op='aten.argwhere', overload='default')>), <OpOverload(op='aten.special_log1p', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d6700>, 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 0x7fa80d9d7060>, 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 0x7fa80f047f60>, 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 0x7fa80f0463e0>, 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 0x7fa80f266d40>, 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 0x7fa80f2677e0>, 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 0x7fa7d6e86b60>, 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 0x7fa7d6c477e0>, 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 0x7fa80db80900>, 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 0x7fa80db83060>, 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 0x7fa80d9d4040>, 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 0x7fa80d9d51c0>, 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 0x7fa80d9d58a0>, 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 0x7fa80d9d5d00>, 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 0x7fa80f40f9c0>, kernel=<OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value_size')>), <OpOverload(op='aten.linalg_matrix_rank', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40da80>, 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 0x7fa80f40c540>, 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 0x7fa80f40c860>, 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 0x7fa80f5f62a0>, 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 0x7fa80f564c20>, 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 0x7fa80f5f5260>, 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 0x7fa8cd833d80>, 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 0x7fa8cd8580e0>, 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 0x7fa8cd859bc0>, 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 0x7fa80f340c20>, 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 0x7fa80f340ae0>, 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 0x7fa80f3402c0>, 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 0x7fa80f40c180>, kernel=<OpOverload(op='aten.gradient', overload='array')>), <OpOverload(op='aten.histogramdd', overload='int_bins')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40d4e0>, 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 0x7fa80f40ed40>, 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 0x7fa80f40e020>, 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 0x7fa80d9d4fe0>, 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 0x7fa80f833e20>, kernel=<OpOverload(op='aten.tensordot', overload='default')>), <OpOverload(op='aten.cummaxmin_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa7d6ea0e00>, kernel=<OpOverload(op='aten.cummaxmin_backward', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='dim_dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa7d6ea3060>, 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 0x7fa80d9b3b00>, 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 0x7fa80d9b1260>, 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 0x7fa80d9b19e0>, kernel=<OpOverload(op='aten.nuclear_norm', overload='default')>), <OpOverload(op='aten.special_round', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa8cd8591c0>, 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 0x7fa818ffdc60>, 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 0x7fa818ffe660>, 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 0x7fa80f567880>, 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 0x7fa8c9ab6980>, 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 0x7fa8c9ab6ca0>, 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 0x7fa80ff35d00>, 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 0x7fa80f567ec0>, 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 0x7fa80ff34860>, 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 0x7fa80d9b1c60>, 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 0x7fa80d9b31a0>, 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 0x7fa80d9be8e0>, 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 0x7fa80db81080>, 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 0x7fa80d9edee0>, 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 0x7fa80f5f5c60>, 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 0x7fa80d9eeac0>, kernel=<OpOverload(op='aten.to_dense', overload='default')>), <OpOverload(op='aten.result_type', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa8cd859080>, kernel=<OpOverload(op='aten.result_type', overload='Tensor')>), <OpOverload(op='aten.cov', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9efe20>, kernel=<OpOverload(op='aten.cov', 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 0x7fa80d9ec720>, kernel=<OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value')>), <OpOverload(op='aten.linalg_cond', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ecb80>, kernel=<OpOverload(op='aten.linalg_cond', overload='default')>), <OpOverload(op='aten.is_inference', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9eed40>, 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 0x7fa80f5f7ce0>, 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 0x7fa80d9b02c0>, 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 0x7fa80d9b1a80>, 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 0x7fa80d9b3d80>, 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 0x7fa80f044ae0>, kernel=<OpOverload(op='aten.adaptive_avg_pool1d', overload='default')>), <OpOverload(op='aten.fliplr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b1440>, 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 0x7fa80d9b2200>, 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 0x7fa80f832ac0>, 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 0x7fa80fdd4180>, 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 0x7fa80fca40e0>, 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 0x7fa80d9b1300>, 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 0x7fa80d9b0720>, 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 0x7fa80d9b11c0>, 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 0x7fa80d9b2ac0>, 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 0x7fa80d9b3ce0>, kernel=<OpOverload(op='aten.to_sparse_csr', overload='default')>), <OpOverload(op='aten.orgqr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa8cd859260>, kernel=<OpOverload(op='aten.orgqr', overload='default')>), <OpOverload(op='aten.linalg_vander', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa818ffe520>, 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 0x7fa818ffe8e0>, 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 0x7fa8c9ab7c40>, 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 0x7fa80ff36c00>, 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 0x7fa80ff365c0>, 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 0x7fa80ff36f20>, 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 0x7fa80ff371a0>, 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 0x7fa80ff358a0>, 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 0x7fa80d9befc0>, 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 0x7fa80f5645e0>, 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 0x7fa80d9ec680>, 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 0x7fa80d9d5bc0>, 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 0x7fa80d9ee700>, 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 0x7fa80d9ee0c0>, 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 0x7fa80d9edc60>, 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 0x7fa80d9ed580>, kernel=<OpOverload(op='aten._add_batch_dim', overload='default')>), <OpOverload(op='aten.trapz', overload='dx')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ef060>, kernel=<OpOverload(op='aten.trapz', overload='dx')>), <OpOverload(op='aten.linalg_eigh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f340360>, 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 0x7fa80d9b25c0>, kernel=<OpOverload(op='aten.qr', overload='default')>), <OpOverload(op='aten.argsort', overload='stable')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f340d60>, kernel=<OpOverload(op='aten.argsort', overload='stable')>), <OpOverload(op='aten._scaled_dot_product_attention_math', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b32e0>, 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 0x7fa80d9b0360>, 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 0x7fa80f5642c0>, 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 0x7fa80d9b3420>, 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 0x7fa80d9b3740>, 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 0x7fa80d9b3240>, 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 0x7fa80d9b0ae0>, 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 0x7fa80f40cd60>, 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 0x7fa80d9d77e0>, kernel=<OpOverload(op='aten.special_i0', 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 0x7fa80d9d53a0>, kernel=<OpOverload(op='aten._cufft_clear_plan_cache', 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 0x7fa80f2b4180>, kernel=<OpOverload(op='aten.nested_to_padded_tensor', overload='default')>), <OpOverload(op='aten.rnn_tanh_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d6340>, 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 0x7fa80d9d7ba0>, 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 0x7fa80f0465c0>, 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 0x7fa80f046ca0>, 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 0x7fa80d9d6660>, 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 0x7fa80db814e0>, 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 0x7fa80f267920>, 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 0x7fa80d9d5120>, 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 0x7fa80efdf240>, 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 0x7fa80d9d5940>, kernel=<OpOverload(op='aten._rowwise_prune', overload='default')>), <OpOverload(op='aten.pad', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d5c60>, kernel=<OpOverload(op='aten.pad', overload='default')>), <OpOverload(op='aten.frobenius_norm', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d5e40>, 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 0x7fa80d9d7d80>, 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 0x7fa80f40e520>, 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 0x7fa80f40cc20>, kernel=<OpOverload(op='aten.gradient', overload='scalararray')>), <OpOverload(op='aten.linalg_cholesky', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5f5bc0>, kernel=<OpOverload(op='aten.linalg_cholesky', overload='default')>), <OpOverload(op='aten.diff', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5f71a0>, kernel=<OpOverload(op='aten.diff', overload='default')>), <OpOverload(op='aten.special_expit', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5f60c0>, kernel=<OpOverload(op='aten.special_expit', 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 0x7fa80d9d6fc0>, 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 0x7fa80f3409a0>, 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 0x7fa80f40c220>, kernel=<OpOverload(op='aten.output_nr', overload='default')>), <OpOverload(op='aten.result_type', overload='Scalar_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40c900>, kernel=<OpOverload(op='aten.result_type', overload='Scalar_Scalar')>), <OpOverload(op='aten._thnn_differentiable_lstm_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40ec00>, 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 0x7fa7d6a49300>, 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 0x7fa80f565260>, 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 0x7fa80f8325c0>, 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 0x7fa80fdd5800>, 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 0x7fa80d9b1620>, 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 0x7fa80d9b1da0>, 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 0x7fa80d9b3e20>, 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 0x7fa80d9b3920>, 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 0x7fa80d9b1800>, 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 0x7fa818ffe7a0>, kernel=<OpOverload(op='aten._validate_sparse_bsc_tensor_args', overload='default')>), <OpOverload(op='aten.nanquantile', overload='scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d62a0>, 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 0x7fa80f5640e0>, 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 0x7fa8c9ab67a0>, 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 0x7fa80d9d7920>, 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 0x7fa8cd858860>, 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 0x7fa80ff36e80>, 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 0x7fa80ff34cc0>, 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 0x7fa80f830900>, 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 0x7fa80f564680>, 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 0x7fa80d9be480>, 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 0x7fa80d9be020>, 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 0x7fa80d9b18a0>, 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 0x7fa80d9b1940>, 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 0x7fa80d9ef920>, 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 0x7fa80d9ee520>, 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 0x7fa80d9ef380>, 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 0x7fa80d9ee5c0>, 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 0x7fa80f564720>, kernel=<OpOverload(op='c10d_functional.all_gather_into_tensor', overload='default')>), <OpOverload(op='aten._test_check_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40f240>, kernel=<OpOverload(op='aten._test_check_tensor', overload='default')>), <OpOverload(op='aten.linalg_norm', overload='ord_str')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f266e80>, kernel=<OpOverload(op='aten.linalg_norm', overload='ord_str')>), <OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa818ffdf80>, kernel=<OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value')>), <OpOverload(op='aten._pack_padded_sequence_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40e840>, kernel=<OpOverload(op='aten._pack_padded_sequence_backward', overload='default')>), <OpOverload(op='aten.linalg_cond', overload='p_str')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5f53a0>, kernel=<OpOverload(op='aten.linalg_cond', overload='p_str')>), <OpOverload(op='aten.flatten_dense_tensors', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b1b20>, kernel=<OpOverload(op='aten.flatten_dense_tensors', overload='default')>), <OpOverload(op='aten.__and__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80fdd4040>, kernel=<OpOverload(op='aten.__and__', overload='Tensor')>), <OpOverload(op='aten.__or__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f8323e0>, kernel=<OpOverload(op='aten.__or__', overload='Tensor')>), <OpOverload(op='_test.leaky_relu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f567920>, kernel=<OpOverload(op='_test.leaky_relu', overload='default')>), <OpOverload(op='aten.__or__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2520>, kernel=<OpOverload(op='aten.__or__', overload='Scalar')>), <OpOverload(op='aten.__and__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ee840>, kernel=<OpOverload(op='aten.__and__', overload='Scalar')>), <OpOverload(op='aten.__xor__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa8c9904360>, 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 0x7fa80ff37b00>, kernel=<OpOverload(op='aten.__xor__', overload='Tensor')>), <OpOverload(op='aten.arccos', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5f56c0>, kernel=<OpOverload(op='aten.arccos', overload='default')>), <OpOverload(op='aten.absolute', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa8c9ab7b00>, kernel=<OpOverload(op='aten.absolute', overload='default')>), <OpOverload(op='aten.arccosh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f266980>, kernel=<OpOverload(op='aten.arccosh', overload='default')>), <OpOverload(op='aten.arcsin', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80db822a0>, kernel=<OpOverload(op='aten.arcsin', overload='default')>), <OpOverload(op='aten.arcsinh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa7d6a493a0>, 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 0x7fa8cd8328e0>, 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 0x7fa80f5f6480>, 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 0x7fa80f5f72e0>, 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 0x7fa80f40d080>, kernel=<OpOverload(op='aten.clip', overload='Tensor')>), <OpOverload(op='aten.cummax', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40e160>, kernel=<OpOverload(op='aten.cummax', overload='dimname')>), <OpOverload(op='aten.cummin', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40f6a0>, kernel=<OpOverload(op='aten.cummin', overload='dimname')>), <OpOverload(op='aten.divide', overload='Tensor_mode')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d5a80>, 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 0x7fa80d9d7420>, 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 0x7fa80d9d7380>, 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 0x7fa80f267240>, 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 0x7fa7d6618040>, 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 0x7fa80d9d4d60>, 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 0x7fa80d9d56c0>, 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 0x7fa80d9d7740>, 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 0x7fa80f40d1c0>, 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 0x7fa80f40cf40>, kernel=<OpOverload(op='aten.linalg_eigvals', overload='default')>), <OpOverload(op='aten.median', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f2b4400>, kernel=<OpOverload(op='aten.median', overload='names_dim')>), <OpOverload(op='aten.mode', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40c0e0>, kernel=<OpOverload(op='aten.mode', overload='dimname')>), <OpOverload(op='aten.nanmedian', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40ee80>, 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 0x7fa80f40d940>, 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 0x7fa80d9d74c0>, 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 0x7fa80d9d68e0>, 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 0x7fa80d9ed9e0>, 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 0x7fa80f40e3e0>, 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 0x7fa80d9d5f80>, 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 0x7fa80db81760>, 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 0x7fa80d9d5ee0>, 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 0x7fa80d9d5300>, 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 0x7fa80f40f7e0>, 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 0x7fa80f40e480>, 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 0x7fa8cd832b60>, 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 0x7fa80f5f5760>, 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 0x7fa8c9ab77e0>, kernel=<OpOverload(op='aten.stft', overload='default')>), <OpOverload(op='aten.adaptive_max_pool1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40ca40>, kernel=<OpOverload(op='aten.adaptive_max_pool1d', overload='default')>), <OpOverload(op='aten.sym_stride', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2e80>, kernel=<OpOverload(op='aten.sym_stride', overload='int')>), <OpOverload(op='aten.linalg_ldl_factor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9eec00>, 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 0x7fa80f40de40>, kernel=<OpOverload(op='aten.chain_matmul', 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 0x7fa80f5654e0>, kernel=<OpOverload(op='profiler._record_function_enter_new', 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 0x7fa80f40cb80>, kernel=<OpOverload(op='aten._thnn_differentiable_gru_cell_backward', overload='default')>), <OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_float')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40dee0>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_float')>), <OpOverload(op='aten.can_cast', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5f5080>, kernel=<OpOverload(op='aten.can_cast', 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 0x7fa80db83880>, kernel=<OpOverload(op='aten._embedding_bag_sparse_backward', overload='default')>), <OpOverload(op='aten.linalg_matrix_power', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5f6520>, kernel=<OpOverload(op='aten.linalg_matrix_power', overload='default')>), <OpOverload(op='aten._test_string_default', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40ce00>, kernel=<OpOverload(op='aten._test_string_default', overload='default')>), <OpOverload(op='aten.gradient', overload='tensorarrayint')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa8cd8582c0>, kernel=<OpOverload(op='aten.gradient', overload='tensorarrayint')>), <OpOverload(op='inductor._alloc_from_pool', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f565b20>, kernel=<OpOverload(op='inductor._alloc_from_pool', overload='default')>), <OpOverload(op='aten.nuclear_norm', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f2b42c0>, kernel=<OpOverload(op='aten.nuclear_norm', overload='dim')>), <OpOverload(op='aten.linalg_svd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40fe20>, kernel=<OpOverload(op='aten.linalg_svd', overload='default')>), <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 0x7fa80f340fe0>, kernel=<OpOverload(op='aten._cufft_set_plan_cache_max_size', overload='default')>), <OpOverload(op='aten._validate_sparse_coo_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f833560>, kernel=<OpOverload(op='aten._validate_sparse_coo_tensor_args', overload='default')>), <OpOverload(op='c10d_functional.wait_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f565940>, 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 0x7fa80ff35bc0>, kernel=<OpOverload(op='aten.quantile', overload='scalar')>), <OpOverload(op='aten.special_gammaincc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80ff34900>, kernel=<OpOverload(op='aten.special_gammaincc', overload='default')>), <OpOverload(op='aten.cosine_similarity', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2a20>, kernel=<OpOverload(op='aten.cosine_similarity', overload='default')>), <OpOverload(op='aten.quantized_gru_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b28e0>, kernel=<OpOverload(op='aten.quantized_gru_cell', overload='default')>), <OpOverload(op='aten.special_exp2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d45e0>, kernel=<OpOverload(op='aten.special_exp2', overload='default')>), <OpOverload(op='aten._sparse_log_softmax', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9efb00>, kernel=<OpOverload(op='aten._sparse_log_softmax', overload='int')>), <OpOverload(op='aten._validate_sparse_csr_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80ff374c0>, kernel=<OpOverload(op='aten._validate_sparse_csr_tensor_args', 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 0x7fa80d9d7e20>, 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 0x7fa7dafa45e0>, kernel=<OpOverload(op='aten.inverse', overload='default')>), <OpOverload(op='aten.combinations', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d6980>, kernel=<OpOverload(op='aten.combinations', overload='default')>), <OpOverload(op='aten.slow_conv3d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f833b00>, kernel=<OpOverload(op='aten.slow_conv3d', overload='default')>), <OpOverload(op='aten.nll_loss_nd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80fdd4400>, kernel=<OpOverload(op='aten.nll_loss_nd', overload='default')>), <OpOverload(op='aten.trace_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b22a0>, kernel=<OpOverload(op='aten.trace_backward', overload='default')>), <OpOverload(op='aten.smm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2480>, kernel=<OpOverload(op='aten.smm', overload='default')>), <OpOverload(op='aten.special_digamma', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d7a60>, kernel=<OpOverload(op='aten.special_digamma', 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 0x7fa80ff34fe0>, kernel=<OpOverload(op='aten.quantized_rnn_relu_cell', overload='default')>), <OpOverload(op='aten._gather_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2840>, kernel=<OpOverload(op='aten._gather_sparse_backward', overload='default')>), <OpOverload(op='profiler._record_function_enter', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f565e40>, 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 0x7fa80ff35a80>, kernel=<OpOverload(op='aten.histogramdd', overload='default')>), <OpOverload(op='aten.promote_types', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80ff36fc0>, kernel=<OpOverload(op='aten.promote_types', overload='default')>), <OpOverload(op='aten.kl_div', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa818fcdbc0>, kernel=<OpOverload(op='aten.kl_div', 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 0x7fa80f565c60>, kernel=<OpOverload(op='c10d_functional.all_reduce_coalesced', overload='default')>), <OpOverload(op='aten._weight_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b0860>, kernel=<OpOverload(op='aten._weight_norm', overload='default')>), <OpOverload(op='aten.embedding_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d7ce0>, kernel=<OpOverload(op='aten.embedding_sparse_backward', 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 0x7fa7d6a491c0>, kernel=<OpOverload(op='aten.fake_quantize_per_channel_affine_cachemask_backward', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40ccc0>, 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 0x7fa80d9edd00>, kernel=<OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='default')>), <OpOverload(op='aten.special_multigammaln', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d5da0>, kernel=<OpOverload(op='aten.special_multigammaln', overload='default')>), <OpOverload(op='aten.multilabel_margin_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f267100>, kernel=<OpOverload(op='aten.multilabel_margin_loss', overload='default')>), <OpOverload(op='aten.special_xlogy', overload='self_scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ecd60>, kernel=<OpOverload(op='aten.special_xlogy', overload='self_scalar')>), <OpOverload(op='aten.lu_solve', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d7240>, kernel=<OpOverload(op='aten.lu_solve', 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 0x7fa80d9b09a0>, kernel=<OpOverload(op='aten._cufft_get_plan_cache_size', overload='default')>), <OpOverload(op='aten.matrix_exp', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80ff353a0>, kernel=<OpOverload(op='aten.matrix_exp', overload='default')>), <OpOverload(op='aten.poisson_nll_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ed260>, 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 0x7fa80d9b3600>, kernel=<OpOverload(op='aten.trapezoid', overload='dx')>), <OpOverload(op='aten.nanquantile', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa818bd8b80>, kernel=<OpOverload(op='aten.nanquantile', overload='default')>), <OpOverload(op='aten.to_sparse_bsr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40ff60>, kernel=<OpOverload(op='aten.to_sparse_bsr', overload='default')>), <OpOverload(op='aten.conv_transpose1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f267ec0>, kernel=<OpOverload(op='aten.conv_transpose1d', 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 0x7fa80f267880>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='tol_tensor')>), <OpOverload(op='aten.sspaddmm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d4540>, kernel=<OpOverload(op='aten.sspaddmm', overload='default')>), <OpOverload(op='aten.gradient', overload='tensorarray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f2b4040>, kernel=<OpOverload(op='aten.gradient', overload='tensorarray')>), <OpOverload(op='aten.corrcoef', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80db83240>, kernel=<OpOverload(op='aten.corrcoef', overload='default')>), <OpOverload(op='aten.take_along_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40eca0>, kernel=<OpOverload(op='aten.take_along_dim', overload='default')>), <OpOverload(op='aten._convolution_mode', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b0220>, kernel=<OpOverload(op='aten._convolution_mode', overload='default')>), <OpOverload(op='aten._test_ambiguous_defaults', overload='b')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f832840>, kernel=<OpOverload(op='aten._test_ambiguous_defaults', overload='b')>), <OpOverload(op='aten._thnn_fused_lstm_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2340>, kernel=<OpOverload(op='aten._thnn_fused_lstm_cell_backward', 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 0x7fa80d9ef7e0>, kernel=<OpOverload(op='aten.infinitely_differentiable_gelu_backward', overload='default')>), <OpOverload(op='aten.sum_to_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2020>, kernel=<OpOverload(op='aten.sum_to_size', 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 0x7fa80d9b2f20>, kernel=<OpOverload(op='aten._sparse_csc_tensor_unsafe', 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 0x7fa80f8334c0>, kernel=<OpOverload(op='aten.affine_grid_generator_backward', 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 0x7fa7dafa4cc0>, kernel=<OpOverload(op='aten.fbgemm_linear_int8_weight', overload='default')>), <OpOverload(op='aten.histogramdd', overload='TensorList_bins')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80ff34e00>, kernel=<OpOverload(op='aten.histogramdd', overload='TensorList_bins')>), <OpOverload(op='aten.to_mkldnn_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa8cd8593a0>, kernel=<OpOverload(op='aten.to_mkldnn_backward', overload='default')>), <OpOverload(op='aten.gradient', overload='scalarrayarray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40fc40>, kernel=<OpOverload(op='aten.gradient', overload='scalarrayarray')>), <OpOverload(op='c10d_functional.reduce_scatter_tensor_coalesced', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f564220>, kernel=<OpOverload(op='c10d_functional.reduce_scatter_tensor_coalesced', overload='default')>), <OpOverload(op='aten.quantile', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2c00>, kernel=<OpOverload(op='aten.quantile', 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 0x7fa80d9b3ba0>, kernel=<OpOverload(op='aten.linalg_matrix_norm', overload='str_ord')>), <OpOverload(op='prepacked.unpack_prepacked_sizes_conv2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5644a0>, kernel=<OpOverload(op='prepacked.unpack_prepacked_sizes_conv2d', 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 0x7fa80f045f80>, kernel=<OpOverload(op='aten._cufft_get_plan_cache_max_size', overload='default')>), <OpOverload(op='aten.quantized_lstm_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40e5c0>, kernel=<OpOverload(op='aten.quantized_lstm_cell', overload='default')>), <OpOverload(op='aten.gru_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa7d6ea0ae0>, kernel=<OpOverload(op='aten.gru_cell', overload='default')>), <OpOverload(op='aten.norm_except_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b20c0>, kernel=<OpOverload(op='aten.norm_except_dim', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ed760>, 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 0x7fa80d9ed8a0>, kernel=<OpOverload(op='aten.special_logit', overload='default')>), <OpOverload(op='aten._shape_as_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b0cc0>, kernel=<OpOverload(op='aten._shape_as_tensor', overload='default')>), <OpOverload(op='aten.diag', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f830a40>, 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 0x7fa818fcfd80>, 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 0x7fa8c9ab63e0>, 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 0x7fa80ff37240>, 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 0x7fa80ff372e0>, 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 0x7fa80d9b1080>, kernel=<OpOverload(op='aten.square', overload='default')>), <OpOverload(op='aten.fft_hfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f832700>, 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 0x7fa80d9b16c0>, 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 0x7fa8cd85a200>, 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 0x7fa818cdc0e0>, kernel=<OpOverload(op='aten.fft_ifftn', overload='default')>), <OpOverload(op='aten.fft_rfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80ff36ac0>, kernel=<OpOverload(op='aten.fft_rfftn', overload='default')>), <OpOverload(op='aten.fft_ihfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80ff351c0>, 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 0x7fa80d9ef880>, 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 0x7fa80d9edb20>, 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 0x7fa80d9b2980>, kernel=<OpOverload(op='aten.fft_fft2', overload='default')>), <OpOverload(op='aten.fft_rfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b3380>, 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 0x7fa80d9b13a0>, 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 0x7fa80f833380>, 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 0x7fa80f832ca0>, 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 0x7fa7d6ea0cc0>, 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 0x7fa80d9b0900>, kernel=<OpOverload(op='aten.fft_ifftshift', overload='default')>), <OpOverload(op='aten.channel_shuffle', overload='default')>: <function channel_shuffle at 0x7fa8cbc46de0>, <OpOverload(op='aten.channel_shuffle', overload='out')>: <function channel_shuffle at 0x7fa8cbc46de0>, <OpOverload(op='aten.softshrink', overload='out')>: <function softshrink at 0x7fa8cbc47f60>, <OpOverload(op='aten.hardshrink', overload='default')>: <function hardshrink at 0x7fa8cbc702c0>, <OpOverload(op='aten.softshrink', overload='default')>: <function softshrink at 0x7fa8cbc47f60>, <OpOverload(op='aten.hardshrink', overload='out')>: <function hardshrink at 0x7fa8cbc702c0>, <OpOverload(op='aten.margin_ranking_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b1f80>, kernel=<OpOverload(op='aten.margin_ranking_loss', overload='default')>), <OpOverload(op='aten.pairwise_distance', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f2b40e0>, kernel=<OpOverload(op='aten.pairwise_distance', overload='default')>), <OpOverload(op='aten.hinge_embedding_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b34c0>, kernel=<OpOverload(op='aten.hinge_embedding_loss', overload='default')>), <OpOverload(op='aten.huber_loss', overload='default')>: <function huber_loss at 0x7fa8cbc71080>, <OpOverload(op='aten.huber_loss', overload='out')>: <function huber_loss at 0x7fa8cbc71080>, <OpOverload(op='aten.threshold', overload='default')>: <function threshold at 0x7fa8cbc71300>, <OpOverload(op='aten.threshold', overload='out')>: <function threshold at 0x7fa8cbc71300>, <OpOverload(op='aten.pdist', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f2b44a0>, kernel=<OpOverload(op='aten.pdist', overload='default')>), <OpOverload(op='aten.celu_', overload='default')>: <function celu at 0x7fa8cbc476a0>, <OpOverload(op='aten.elu_', overload='default')>: <function elu at 0x7fa8cbc70c20>, <OpOverload(op='aten.mish_', overload='default')>: <function mish at 0x7fa8cbc72ca0>, <OpOverload(op='aten.threshold_', overload='default')>: <function threshold at 0x7fa8cbc72f20>, <OpOverload(op='aten.special_entr', overload='default')>: <function entr at 0x7fa8cbc980e0>, <OpOverload(op='aten.special_entr', overload='out')>: <function entr at 0x7fa8cbc980e0>, <OpOverload(op='aten.special_log_ndtr', overload='default')>: <function log_ndtr at 0x7fa8cbc98040>, <OpOverload(op='aten.special_log_ndtr', overload='out')>: <function log_ndtr at 0x7fa8cbc98040>, <OpOverload(op='aten.special_xlog1py', overload='default')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='out')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar_out')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar_out')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.mvlgamma', overload='default')>: <function multigammaln at 0x7fa8cbc99620>, <OpOverload(op='aten.mvlgamma', overload='out')>: <function multigammaln at 0x7fa8cbc99620>, <OpOverload(op='aten.special_ndtr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f267060>, kernel=<OpOverload(op='aten.special_ndtr', overload='default')>), <OpOverload(op='aten.std', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ee020>, kernel=<OpOverload(op='aten.std', overload='correction_names')>), <OpOverload(op='aten.std', overload='correction_names_out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='names_out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='correction_out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2d40>, kernel=<OpOverload(op='aten.std', overload='names_dim')>), <OpOverload(op='aten.std', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b36a0>, 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 0x7fa80d9b05e0>, kernel=<OpOverload(op='aten.std', overload='dim')>), <OpOverload(op='aten.std', overload='correction')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b0a40>, kernel=<OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>), <OpOverload(op='aten.std_mean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2ca0>, 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 0x7fa80d9b1e40>, kernel=<OpOverload(op='aten.std_mean', overload='dim')>), <OpOverload(op='aten.std_mean', overload='correction')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.std_mean', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b2700>, 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 0x7fa80d9b39c0>, kernel=<OpOverload(op='aten.std_mean', overload='correction_names')>), <OpOverload(op='aten.std_mean', overload='correction_out')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.var_mean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa81b1a9260>, 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 0x7fa818fcfe20>, 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 0x7fa818bd8360>, 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 0x7fa8c9ab7ba0>, kernel=<OpOverload(op='aten.var_mean', overload='correction_names')>), <OpOverload(op='aten.broadcast_tensors', overload='default')>: <function broadcast_tensors at 0x7fa8cbd27600>, <OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40fba0>, kernel=<OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>), <OpOverload(op='aten.stft', overload='center')>: <function stft at 0x7fa8cbd55080>, <OpOverload(op='aten.index_fill', overload='int_Scalar')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.index_fill', overload='int_Tensor')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.renorm', overload='default')>: <function renorm at 0x7fa8cbd55260>, <OpOverload(op='aten.istft', overload='default')>: <function istft at 0x7fa8cbd553a0>, <OpOverload(op='aten.renorm', overload='out')>: <function renorm at 0x7fa8cbd55260>, <OpOverload(op='aten.index_fill_', overload='int_Tensor')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.rot90', overload='default')>: <function rot90 at 0x7fa8cbd55f80>, <OpOverload(op='aten.rot90', overload='out')>: <function rot90 at 0x7fa8cbd55f80>, <OpOverload(op='aten.index_fill', overload='int_Tensor_out')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.index_fill', overload='int_Scalar_out')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.unbind', overload='Dimname')>: <function unbind at 0x7fa8cbd568e0>, <OpOverload(op='aten.index_fill_', overload='int_Scalar')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.index_fill_', overload='Dimname_Scalar')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.index_fill_', overload='Dimname_Tensor')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.diag_embed', overload='default')>: <function diag_embed at 0x7fa8cbd57b00>, <OpOverload(op='aten.diag_embed', overload='out')>: <function diag_embed at 0x7fa8cbd57b00>, <OpOverload(op='aten.block_diag', overload='default')>: <function _block_diag_iterable at 0x7fa8cbd57ec0>, <OpOverload(op='aten.block_diag', overload='out')>: <function _block_diag_iterable at 0x7fa8cbd57ec0>, <OpOverload(op='aten.unfold_copy', overload='default')>: <function unfold_copy at 0x7fa8cbd78860>, <OpOverload(op='aten.unfold_copy', overload='out')>: <function unfold_copy at 0x7fa8cbd78860>, <OpOverload(op='aten.cumprod', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa7d6eacb80>, kernel=<OpOverload(op='aten.cumprod', overload='dimname')>), <OpOverload(op='aten.logspace', overload='Scalar_Tensor_out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar_out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor_out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='default')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.lerp', overload='Scalar_out')>: <function lerp at 0x7fa8cbd7a3e0>, <OpOverload(op='aten.lerp', overload='Tensor_out')>: <function lerp at 0x7fa8cbd7a3e0>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.meshgrid', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f832b60>, kernel=<OpOverload(op='aten.meshgrid', overload='default')>), <OpOverload(op='aten.logspace', overload='Tensor_Tensor')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.meshgrid', overload='indexing')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f833600>, kernel=<OpOverload(op='aten.meshgrid', overload='indexing')>), <OpOverload(op='aten.eye', overload='default')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.eye', overload='m')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.eye', overload='out')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.eye', overload='m_out')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.masked_fill', overload='Scalar_out')>: <function masked_fill at 0x7fa8cbd7b880>, <OpOverload(op='aten.masked_fill', overload='Tensor_out')>: <function masked_fill at 0x7fa8cbd7b880>, <OpOverload(op='aten.masked_fill_', overload='Scalar')>: <function masked_fill_ at 0x7fa8cbd7b6a0>, <OpOverload(op='aten.masked_fill_', overload='Tensor')>: <function masked_fill_ at 0x7fa8cbd7b6a0>, <OpOverload(op='aten.norm', overload='Scalar')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dim')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ef6a0>, kernel=<OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>), <OpOverload(op='aten.norm', overload='ScalarOpt_dim_dtype')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='dtype_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='Scalar_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ed1c0>, kernel=<OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>), <OpOverload(op='aten.norm', overload='names_dtype_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.trace', overload='default')>: <function trace at 0x7fa8cbd7bf60>, <OpOverload(op='aten.trace', overload='out')>: <function trace at 0x7fa8cbd7bf60>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList_out')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.count_nonzero', overload='default')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.count_nonzero', overload='out')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.vdot', overload='default')>: <function vdot at 0x7fa8cbda67a0>, <OpOverload(op='aten.vdot', overload='out')>: <function vdot at 0x7fa8cbda67a0>, <OpOverload(op='aten.addcmul_', overload='default')>: <function addcmul at 0x7fa8cbda6d40>, <OpOverload(op='aten.addcdiv_', overload='default')>: <function addcdiv at 0x7fa8cbda6e80>, <OpOverload(op='aten.deg2rad_', overload='default')>: <function deg2rad at 0x7fa8cbda6f20>, <OpOverload(op='aten.xlogy_', overload='Scalar_Other')>: <function xlogy at 0x7fa8cbdd31a0>, <OpOverload(op='aten.frac_', overload='default')>: <function frac at 0x7fa8cbdd0cc0>, <OpOverload(op='aten.heaviside_', overload='default')>: <function heaviside at 0x7fa8cbdd11c0>, <OpOverload(op='aten.lerp_', overload='Scalar')>: <function lerp at 0x7fa8cbda6b60>, <OpOverload(op='aten.xlogy_', overload='Tensor')>: <function xlogy at 0x7fa8cbdd31a0>, <OpOverload(op='aten.lerp_', overload='Tensor')>: <function lerp at 0x7fa8cbda6b60>, <OpOverload(op='aten.mvlgamma_', overload='default')>: <function _make_alias.<locals>._fn at 0x7fa8cbdd0860>, <OpOverload(op='aten.nan_to_num_', overload='default')>: <function nan_to_num at 0x7fa8cbdd05e0>, <OpOverload(op='aten.triu_', overload='default')>: <function triu at 0x7fa8cbda7a60>, <OpOverload(op='aten.rad2deg_', overload='default')>: <function rad2deg at 0x7fa8cbdd1da0>, <OpOverload(op='aten.sgn_', overload='default')>: <function sgn at 0x7fa8cbdd22a0>, <OpOverload(op='aten.tril_', overload='default')>: <function tril at 0x7fa8cbdd3060>, <OpOverload(op='aten.sinc_', overload='default')>: <function sinc at 0x7fa8cbdd27a0>, <OpOverload(op='aten.zero_', overload='default')>: <function zero at 0x7fa8cbdd2980>, <OpOverload(op='aten.alias_copy', overload='default')>: <function PyCapsule.alias at 0x7fa8cbdd2480>, <OpOverload(op='aten.alias_copy', overload='out')>: <function PyCapsule.alias at 0x7fa8cbdd2480>, <OpOverload(op='aten.transpose_copy', overload='int')>: <function PyCapsule.transpose at 0x7fa8cbdd3ba0>, <OpOverload(op='aten.as_strided_copy', overload='default')>: <function PyCapsule.as_strided at 0x7fa8cbdd1f80>, <OpOverload(op='aten.as_strided_copy', overload='out')>: <function PyCapsule.as_strided at 0x7fa8cbdd1f80>, <OpOverload(op='aten.transpose_copy', overload='int_out')>: <function PyCapsule.transpose at 0x7fa8cbdd3ba0>, <OpOverload(op='aten.expand_copy', overload='default')>: <function PyCapsule.expand at 0x7fa8cbdd09a0>, <OpOverload(op='aten.expand_copy', overload='out')>: <function PyCapsule.expand at 0x7fa8cbdd09a0>, <OpOverload(op='aten.narrow_copy', overload='default')>: <function PyCapsule.narrow at 0x7fa8cbdd13a0>, <OpOverload(op='aten.narrow_copy', overload='out')>: <function PyCapsule.narrow at 0x7fa8cbdd13a0>, <OpOverload(op='aten.squeeze_copy', overload='out')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dim_out')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dims_out')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='default')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dim')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dims')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.permute_copy', overload='out')>: <function PyCapsule.permute at 0x7fa8cbdd36a0>, <OpOverload(op='aten.permute_copy', overload='default')>: <function PyCapsule.permute at 0x7fa8cbdd36a0>, <OpOverload(op='aten.t_copy', overload='out')>: <function PyCapsule.t at 0x7fa8cbdd3920>, <OpOverload(op='aten.t_copy', overload='default')>: <function PyCapsule.t at 0x7fa8cbdd3920>, <OpOverload(op='aten.unsqueeze_copy', overload='out')>: <function PyCapsule.unsqueeze at 0x7fa8cbdd3d80>, <OpOverload(op='aten.unsqueeze_copy', overload='default')>: <function PyCapsule.unsqueeze at 0x7fa8cbdd3d80>, <OpOverload(op='aten.fft_ifft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b3f60>, kernel=<OpOverload(op='aten.fft_ifft2', overload='default')>), <OpOverload(op='aten.fft_fft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b0f40>, kernel=<OpOverload(op='aten.fft_fft', overload='default')>), <OpOverload(op='aten.fft_ifft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b0ea0>, 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 0x7fa80d9b0c20>, 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 0x7fa80d9b1580>, kernel=<OpOverload(op='aten.fft_irfft', overload='default')>), <OpOverload(op='aten.__ior__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20d60>, <OpOverload(op='aten.__ior__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20d60>, <OpOverload(op='aten.__irshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20ea0>, <OpOverload(op='aten.__irshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20ea0>, <OpOverload(op='aten.scatter_', overload='value')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.__ixor__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20fe0>, <OpOverload(op='aten.__ixor__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20fe0>, <OpOverload(op='aten.scatter_', overload='src')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.leaky_relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21120>, <OpOverload(op='aten.logit_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21260>, <OpOverload(op='aten.scatter_', overload='reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.scatter_', overload='value_reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.scatter_add_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3e20>, <OpOverload(op='aten.scatter_reduce_', overload='two')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21580>, <OpOverload(op='aten.silu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21300>, <OpOverload(op='aten.is_complex', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40e0c0>, kernel=<OpOverload(op='aten.is_complex', overload='default')>), <OpOverload(op='aten.zero', overload='default')>: <function zero at 0x7fa8cbe9b4c0>, <OpOverload(op='aten.zero', overload='out')>: <function zero at 0x7fa8cbe9b4c0>, <OpOverload(op='aten.nan_to_num', overload='default')>: <function nan_to_num at 0x7fa8cbeaf2e0>, <OpOverload(op='aten.nan_to_num', overload='out')>: <function nan_to_num at 0x7fa8cbeaf2e0>, <OpOverload(op='aten.sgn', overload='default')>: <function sgn at 0x7fa8cbecc720>, <OpOverload(op='aten.sgn', overload='out')>: <function sgn at 0x7fa8cbecc720>, <OpOverload(op='aten.rsub', overload='Tensor')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.rsub', overload='Scalar')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.rsub', overload='Tensor_out')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.rsub', overload='Scalar_out')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.xlogy', overload='OutTensor')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.xlogy', overload='OutScalar_Self')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.xlogy', overload='OutScalar_Other')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.softplus_backward', overload='default')>: <function softplus_backward at 0x7fa8cbf293a0>, <OpOverload(op='aten.softplus_backward', overload='grad_input')>: <function softplus_backward at 0x7fa8cbf293a0>, <OpOverload(op='aten.elu_backward', overload='default')>: <function elu_backward at 0x7fa8cbf28f40>, <OpOverload(op='aten.elu_backward', overload='grad_input')>: <function elu_backward at 0x7fa8cbf28f40>, <OpOverload(op='aten.hardsigmoid_backward', overload='default')>: <function hardsigmoid_backward at 0x7fa8cbf2a020>, <OpOverload(op='aten.hardsigmoid_backward', overload='grad_input')>: <function hardsigmoid_backward at 0x7fa8cbf2a020>, <OpOverload(op='aten.hardswish_backward', overload='default')>: <function hardswish_backward at 0x7fa8cbf2a840>, <OpOverload(op='aten.hardswish_backward', overload='out')>: <function hardswish_backward at 0x7fa8cbf2a840>, <OpOverload(op='aten.threshold_backward', overload='default')>: <function threshold_backward at 0x7fa8cbf2a8e0>, <OpOverload(op='aten.threshold_backward', overload='grad_input')>: <function threshold_backward at 0x7fa8cbf2a8e0>, <OpOverload(op='aten.leaky_relu_backward', overload='default')>: <function leaky_relu_backward at 0x7fa8cbf2ac00>, <OpOverload(op='aten.leaky_relu_backward', overload='grad_input')>: <function leaky_relu_backward at 0x7fa8cbf2ac00>, <OpOverload(op='aten.gelu_backward', overload='default')>: <function gelu_backward at 0x7fa8cbf2afc0>, <OpOverload(op='aten.gelu_backward', overload='grad_input')>: <function gelu_backward at 0x7fa8cbf2afc0>, <OpOverload(op='aten.mish_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f3411c0>, kernel=<OpOverload(op='aten.mish_backward', overload='default')>), <OpOverload(op='aten.silu_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40ede0>, kernel=<OpOverload(op='aten.silu_backward', overload='default')>), <OpOverload(op='aten.silu_backward', overload='grad_input')>: <function silu_backward at 0x7fa8cbf2b880>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='out')>: <function rrelu_with_noise_backward at 0x7fa8cbf5c180>, <OpOverload(op='aten._prelu_kernel_backward', overload='default')>: <function _prelu_kernel_backward at 0x7fa8cbf2bc40>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='default')>: <function rrelu_with_noise_backward at 0x7fa8cbf5c180>, <OpOverload(op='aten.log_sigmoid_backward', overload='default')>: <function log_sigmoid_backward at 0x7fa8cbf2be20>, <OpOverload(op='aten.log_sigmoid_backward', overload='grad_input')>: <function log_sigmoid_backward at 0x7fa8cbf2be20>, <OpOverload(op='aten.mse_loss_backward', overload='default')>: <function mse_loss_backward at 0x7fa8cbf5c220>, <OpOverload(op='aten.mse_loss_backward', overload='grad_input')>: <function mse_loss_backward at 0x7fa8cbf5c220>, <OpOverload(op='aten._safe_softmax', overload='default')>: <function safe_softmax at 0x7fa8cbf5c540>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='default')>: <function smooth_l1_loss_backward at 0x7fa8cbf5ca40>, <OpOverload(op='aten.smooth_l1_loss', overload='default')>: <function smooth_l1_loss at 0x7fa8cbf5c9a0>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='grad_input')>: <function smooth_l1_loss_backward_out at 0x7fa8cbf5cc20>, <OpOverload(op='aten.smooth_l1_loss', overload='out')>: <function smooth_l1_loss at 0x7fa8cbf5c9a0>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='grad_input')>: <function binary_cross_entropy_backward at 0x7fa8cbf5df80>, <OpOverload(op='aten.huber_loss_backward', overload='default')>: <function huber_loss_backward at 0x7fa8cbf5ce00>, <OpOverload(op='aten.huber_loss_backward', overload='out')>: <function huber_loss_backward_out at 0x7fa8cbf5cfe0>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='default')>: <function binary_cross_entropy_backward at 0x7fa8cbf5df80>, <OpOverload(op='aten.glu_backward', overload='default')>: <function glu_backward at 0x7fa8cbf5d260>, <OpOverload(op='aten.glu_backward', overload='grad_input')>: <function glu_backward at 0x7fa8cbf5d260>, <OpOverload(op='aten.nll_loss_backward', overload='default')>: <function nll_loss_backward at 0x7fa8cbf5d620>, <OpOverload(op='aten.nll_loss_backward', overload='grad_input')>: <function nll_loss_backward at 0x7fa8cbf5d620>, <OpOverload(op='aten.nll_loss2d_backward', overload='default')>: <function nll_loss2d_backward at 0x7fa8cbf5d940>, <OpOverload(op='aten.nll_loss2d_backward', overload='grad_input')>: <function nll_loss2d_backward at 0x7fa8cbf5d940>, <OpOverload(op='aten.binary_cross_entropy', overload='default')>: <function binary_cross_entropy at 0x7fa8cbf5dee0>, <OpOverload(op='aten.binary_cross_entropy', overload='out')>: <function binary_cross_entropy at 0x7fa8cbf5dee0>, <OpOverload(op='aten.soft_margin_loss', overload='default')>: <function soft_margin_loss at 0x7fa8cbf5cd60>, <OpOverload(op='aten.soft_margin_loss', overload='out')>: <function soft_margin_loss at 0x7fa8cbf5cd60>, <OpOverload(op='aten.soft_margin_loss_backward', overload='default')>: <function soft_margin_loss_backward at 0x7fa8cbf5cb80>, <OpOverload(op='aten.soft_margin_loss_backward', overload='grad_input')>: <function soft_margin_loss_backward at 0x7fa8cbf5cb80>, <OpOverload(op='aten.dist', overload='default')>: <function dist at 0x7fa8cbf5e3e0>, <OpOverload(op='aten.dist', overload='out')>: <function dist at 0x7fa8cbf5e3e0>, <OpOverload(op='aten._euclidean_dist', overload='default')>: <function _euclidean_dist at 0x7fa8cbf5e660>, <OpOverload(op='aten._euclidean_dist', overload='out')>: <function _euclidean_dist at 0x7fa8cbf5e660>, <OpOverload(op='aten.slice_backward', overload='default')>: <function slice_backward at 0x7fa8cbf5e8e0>, <OpOverload(op='aten.slice_backward', overload='out')>: <function slice_backward at 0x7fa8cbf5e8e0>, <OpOverload(op='aten.select_backward', overload='default')>: <function select_backward at 0x7fa8cbf5efc0>, <OpOverload(op='aten.select_backward', overload='out')>: <function select_backward at 0x7fa8cbf5efc0>, <OpOverload(op='aten.diagonal_backward', overload='default')>: <function diagonal_backward at 0x7fa8cbf5f240>, <OpOverload(op='aten.diagonal_backward', overload='out')>: <function diagonal_backward at 0x7fa8cbf5f240>, <OpOverload(op='aten._softmax_backward_data', overload='default')>: <function _softmax_backward_data at 0x7fa8cbf5f380>, <OpOverload(op='aten._softmax_backward_data', overload='out')>: <function _softmax_backward_data at 0x7fa8cbf5f380>, <OpOverload(op='aten._log_softmax_backward_data', overload='default')>: <function _log_softmax_backward_data at 0x7fa8cbf5f9c0>, <OpOverload(op='aten._log_softmax_backward_data', overload='out')>: <function _log_softmax_backward_data at 0x7fa8cbf5f9c0>, <OpOverload(op='aten.native_dropout_backward', overload='default')>: <function native_dropout_backward at 0x7fa8cbf5eca0>, <OpOverload(op='aten.native_dropout_backward', overload='out')>: <function native_dropout_backward at 0x7fa8cbf5eca0>, <OpOverload(op='aten.logit_backward', overload='default')>: <function logit_backward at 0x7fa8cbf5c400>, <OpOverload(op='aten.unfold_backward', overload='default')>: <function unfold_backward at 0x7fa8cbf5e340>, <OpOverload(op='aten.unfold_backward', overload='out')>: <function unfold_backward at 0x7fa8cbf5e340>, <OpOverload(op='aten._addmm_activation', overload='default')>: <function _addmm_activation at 0x7fa8cbf8a0c0>, <OpOverload(op='aten._addmm_activation', overload='out')>: <function _addmm_activation at 0x7fa8cbf8a0c0>, <OpOverload(op='aten._chunk_cat', overload='default')>: <function _chunk_cat at 0x7fa8cbf89580>, <OpOverload(op='aten.embedding_dense_backward', overload='default')>: <function embedding_dense_backward at 0x7fa8cbf89260>, <OpOverload(op='aten._chunk_cat', overload='out')>: <function _chunk_cat at 0x7fa8cbf89580>, <OpOverload(op='aten.embedding_dense_backward', overload='out')>: <function embedding_dense_backward at 0x7fa8cbf89260>, <OpOverload(op='aten.split_with_sizes_copy', overload='default')>: <function split_with_sizes_copy at 0x7fa8cbf89620>, <OpOverload(op='aten.split_with_sizes_copy', overload='out')>: <function split_with_sizes_copy at 0x7fa8cbf89620>, <OpOverload(op='aten.unsafe_split_with_sizes', overload='default')>: <function unsafe_split_with_sizes at 0x7fa8cbf898a0>, <OpOverload(op='aten.native_group_norm_backward', overload='default')>: <function native_group_norm_backward at 0x7fa8cbf896c0>, <OpOverload(op='aten.native_group_norm_backward', overload='out')>: <function native_group_norm_backward_out at 0x7fa8cbf891c0>, <OpOverload(op='aten.native_layer_norm_backward', overload='default')>: <function native_layer_norm_backward at 0x7fa8cbf88860>, <OpOverload(op='aten.native_layer_norm_backward', overload='out')>: <function native_layer_norm_backward_out at 0x7fa8cbf88040>, <OpOverload(op='aten.batch_norm_backward', overload='default')>: <function batch_norm_backward at 0x7fa8cbf89940>, <OpOverload(op='aten.cudnn_batch_norm', overload='default')>: <function cudnn_batch_norm at 0x7fa8cbf8a160>, <OpOverload(op='aten._batch_norm_with_update', overload='default')>: <function _batch_norm_with_update at 0x7fa8cbf8b240>, <OpOverload(op='aten._batch_norm_with_update_functional', overload='default')>: <function _batch_norm_with_update_functional at 0x7fa8cbf8b2e0>, <OpOverload(op='aten.lift', overload='out')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten._batch_norm_no_update', overload='default')>: <function _batch_norm_no_update at 0x7fa8cbf8b420>, <OpOverload(op='aten._fused_dropout', overload='default')>: <function _fused_dropout_decomposition at 0x7fa8cbf8bce0>, <OpOverload(op='aten._fused_dropout', overload='out')>: <function _fused_dropout_decomposition at 0x7fa8cbf8bce0>, <OpOverload(op='aten.lift', overload='default')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten.cudnn_batch_norm', overload='out')>: <function cudnn_batch_norm at 0x7fa8cbf8a160>, <OpOverload(op='aten.index_copy', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d42c0>, kernel=<OpOverload(op='aten.index_copy', overload='dimname')>), <OpOverload(op='aten.native_batch_norm_backward', overload='default')>: <function native_batch_norm_backward at 0x7fa8cbf89da0>, <OpOverload(op='aten.native_batch_norm_backward', overload='out')>: <function native_batch_norm_backward_out at 0x7fa8cbfac2c0>, <OpOverload(op='aten.index_copy', overload='default')>: <function index_copy at 0x7fa8cbfadc60>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='default')>: <function miopen_batch_norm_backward at 0x7fa8cbfaca40>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='out')>: <function miopen_batch_norm_backward at 0x7fa8cbfaca40>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='default')>: <function cudnn_batch_norm_backward at 0x7fa8cbfad120>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='out')>: <function cudnn_batch_norm_backward at 0x7fa8cbfad120>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='default')>: <function adaptive_avg_pool2d at 0x7fa8cbfad580>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='out')>: <function adaptive_avg_pool2d at 0x7fa8cbfad580>, <OpOverload(op='aten.max_unpool2d', overload='default')>: <function max_unpool2d at 0x7fa8cbfad8a0>, <OpOverload(op='aten.max_unpool2d', overload='out')>: <function max_unpool2d at 0x7fa8cbfad8a0>, <OpOverload(op='aten.max_unpool3d', overload='default')>: <function max_unpool3d at 0x7fa8cbfadb20>, <OpOverload(op='aten.max_unpool3d', overload='out')>: <function max_unpool3d at 0x7fa8cbfadb20>, <OpOverload(op='aten.index_add_', overload='default')>: <function index_add_ at 0x7fa8cbfad940>, <OpOverload(op='aten.pad_sequence', overload='default')>: <function pad_sequence at 0x7fa8cbfae020>, <OpOverload(op='aten.index_add', overload='default')>: <function index_add at 0x7fa8cbfadee0>, <OpOverload(op='aten.index_add', overload='out')>: <function index_add at 0x7fa8cbfadee0>, <OpOverload(op='aten.index_add', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d63e0>, kernel=<OpOverload(op='aten.index_add', overload='dimname')>), <OpOverload(op='aten.index_copy', overload='out')>: <function index_copy at 0x7fa8cbfadc60>, <OpOverload(op='aten.index_copy_', overload='default')>: <function index_copy_ at 0x7fa8cbfadf80>, <OpOverload(op='aten.index_copy_', overload='dimname')>: <function index_copy_ at 0x7fa8cbfadf80>, <OpOverload(op='aten.gru', overload='input')>: <function gru_impl at 0x7fa8cbfcd580>, <OpOverload(op='aten.log_sigmoid_forward', overload='default')>: <function log_sigmoid_forward at 0x7fa8cbfae3e0>, <OpOverload(op='aten.log_sigmoid_forward', overload='output')>: <function log_sigmoid_forward at 0x7fa8cbfae3e0>, <OpOverload(op='aten.uniform_', overload='default')>: <function uniform_ at 0x7fa8cbfae5c0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fa8cbfaf380>, <OpOverload(op='aten.gru', overload='data')>: <function gru_impl_data at 0x7fa8cbfcd3a0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fa8cbfaf380>, <OpOverload(op='aten.lstm', overload='data')>: <function lstm_data_impl at 0x7fa8cbfcd080>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fa8cbfaf380>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='default')>: <function upsample_nearest_exact1d at 0x7fa8cbfafa60>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='out')>: <function upsample_nearest_exact1d at 0x7fa8cbfafa60>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='default')>: <function _upsample_nearest_exact2d at 0x7fa8cbfcc0e0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='out')>: <function _upsample_nearest_exact2d at 0x7fa8cbfcc0e0>, <OpOverload(op='aten.lstm', overload='input')>: <function lstm_impl at 0x7fa8cbfccea0>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='default')>: <function _upsample_nearest_exact3d at 0x7fa8cbfcc720>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='out')>: <function _upsample_nearest_exact3d at 0x7fa8cbfcc720>, <OpOverload(op='aten.rnn_tanh', overload='input')>: <function rnn_tanh_input at 0x7fa8cbfccf40>, <OpOverload(op='aten.rnn_relu', overload='input')>: <function rnn_relu_input at 0x7fa8cbfaf9c0>, <OpOverload(op='aten.rnn_relu', overload='data')>: <function rnn_relu_data at 0x7fa8cbfaf060>, <OpOverload(op='aten.rnn_tanh', overload='data')>: <function rnn_tanh_data at 0x7fa8cbfaec00>, <OpOverload(op='aten._upsample_bilinear2d_aa', overload='vec')>: <function upsample_bilinear2d_aa_vec at 0x7fa8cbfcd760>, <OpOverload(op='aten._upsample_bicubic2d_aa', overload='vec')>: <function upsample_bicubic2d_aa_vec at 0x7fa8cbfcd940>, <OpOverload(op='aten.affine_grid_generator', overload='default')>: <function affine_grid_generator at 0x7fa8cbfcfce0>, <OpOverload(op='aten._reshape_alias', overload='default')>: <function _reshape_alias at 0x7fa8cbfced40>, <OpOverload(op='aten._unsafe_masked_index', overload='default')>: <function _unsafe_masked_index at 0x7fa8cbfcef20>, <OpOverload(op='aten._unsafe_masked_index_put_accumulate', overload='default')>: <function _unsafe_masked_index_put_accumulate at 0x7fa8cbfcf060>, <OpOverload(op='aten.nll_loss2d_forward', overload='default')>: <function nll_loss2d_forward at 0x7fa8cbfcf100>, <OpOverload(op='aten.nll_loss2d_forward', overload='output')>: <function nll_loss2d_forward at 0x7fa8cbfcf100>, <OpOverload(op='aten.affine_grid_generator', overload='out')>: <function affine_grid_generator at 0x7fa8cbfcfce0>, <OpOverload(op='aten._weight_norm_interface', overload='out')>: <function _weight_norm_interface at 0x7fa8cbff3c40>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='default')>: <function binary_cross_entropy_with_logits at 0x7fa8cbff0680>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='out')>: <function binary_cross_entropy_with_logits at 0x7fa8cbff0680>, <OpOverload(op='aten.reflection_pad3d', overload='default')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad3d', overload='out')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad3d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fa8cbff16c0>, <OpOverload(op='aten.reflection_pad3d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fa8cbff16c0>, <OpOverload(op='aten.reflection_pad2d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.reflection_pad2d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.reflection_pad1d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.reflection_pad1d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.aminmax', overload='default')>: <function aminmax at 0x7fa8cbff1d00>, <OpOverload(op='aten.aminmax', overload='out')>: <function aminmax at 0x7fa8cbff1d00>, <OpOverload(op='aten.nansum', overload='default')>: <function nansum at 0x7fa8cbff20c0>, <OpOverload(op='aten.nansum', overload='out')>: <function nansum at 0x7fa8cbff20c0>, <OpOverload(op='aten.multi_margin_loss', overload='default')>: <function multi_margin_loss at 0x7fa8cbff2980>, <OpOverload(op='aten.multi_margin_loss', overload='out')>: <function multi_margin_loss at 0x7fa8cbff2980>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='default')>: <function multilabel_margin_loss_forward at 0x7fa8cbff3060>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='output')>: <function multilabel_margin_loss_forward at 0x7fa8cbff3060>, <OpOverload(op='aten.isin', overload='Scalar_Tensor')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.isin', overload='Tensor_Scalar_out')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.isin', overload='Tensor_Scalar')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.isin', overload='Tensor_Tensor_out')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.isin', overload='Tensor_Tensor')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten._weight_norm_interface', overload='default')>: <function _weight_norm_interface at 0x7fa8cbff3c40>, <OpOverload(op='aten.isin', overload='Scalar_Tensor_out')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.round_', overload='decimals')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff1e40>, <OpOverload(op='aten.take', overload='default')>: <function take at 0x7fa8cbff22a0>, <OpOverload(op='aten.take', overload='out')>: <function take at 0x7fa8cbff22a0>, <OpOverload(op='aten.round_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff1e40>, <OpOverload(op='aten.resize_as', overload='default')>: <function resize_as at 0x7fa8cbff28e0>, <OpOverload(op='aten.resize_as', overload='out')>: <function resize_as at 0x7fa8cbff28e0>, <OpOverload(op='aten.addbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff2020>, <OpOverload(op='aten.renorm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff1a80>, <OpOverload(op='aten.addmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff14e0>, <OpOverload(op='aten.addmv_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3f60>, <OpOverload(op='aten.baddbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe200e0>, <OpOverload(op='aten.fill_', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20220>, <OpOverload(op='aten.fill_', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20220>, <OpOverload(op='aten.gelu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20360>, <OpOverload(op='aten.hardswish_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe204a0>, <OpOverload(op='aten.hardtanh_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe205e0>, <OpOverload(op='aten.hardsigmoid_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20720>, <OpOverload(op='aten.__iand__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20860>, <OpOverload(op='aten.__iand__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20860>, <OpOverload(op='aten.__ilshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe209a0>, <OpOverload(op='aten.__ilshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe209a0>, <OpOverload(op='aten.relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe213a0>, <OpOverload(op='aten.index_reduce_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20c20>, <OpOverload(op='aten.prod', overload='dim_Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b37e0>, kernel=<OpOverload(op='aten.prod', overload='dim_Dimname')>), <OpOverload(op='aten.var', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b0e00>, kernel=<OpOverload(op='aten.var', overload='default')>), <OpOverload(op='aten.var', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9b0400>, kernel=<OpOverload(op='aten.var', overload='dim')>), <OpOverload(op='aten.var', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d79c0>, kernel=<OpOverload(op='aten.var', overload='names_dim')>), <OpOverload(op='aten.var', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d4f40>, kernel=<OpOverload(op='aten.var', overload='correction_names')>), <OpOverload(op='aten.svd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f40e8e0>, kernel=<OpOverload(op='aten.svd', overload='default')>), <OpOverload(op='aten.uniform', overload='default')>: <function uniform at 0x7fa8cbfae7a0>, <OpOverload(op='aten.uniform', overload='out')>: <function uniform at 0x7fa8cbfae7a0>, <OpOverload(op='aten.linear', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5f5300>, kernel=<OpOverload(op='aten.linear', overload='default')>), <OpOverload(op='aten.tanh_backward', overload='grad_input')>: <function tanh_backward at 0x7fa8cbf28b80>, <OpOverload(op='aten.sigmoid_backward', overload='default')>: <function sigmoid_backward at 0x7fa8cbf28fe0>, <OpOverload(op='aten.sigmoid_backward', overload='grad_input')>: <function sigmoid_backward at 0x7fa8cbf28fe0>, <OpOverload(op='aten.tanh_backward', overload='default')>: <function tanh_backward at 0x7fa8cbf28b80>, <OpOverload(op='aten.sym_numel', overload='default')>: <function sym_numel at 0x7fa8cbff3740>, <OpOverload(op='aten.lift_fresh', overload='default')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten.item', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9d6a20>, 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 0x7fa80f044e00>, kernel=<OpOverload(op='aten.nonzero_numpy', overload='default')>), <OpOverload(op='aten.index_put_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20ae0>, <OpOverload(op='quantized.conv_transpose2d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d9ee340>, kernel=<OpOverload(op='quantized.conv_transpose2d_stride', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5649a0>, 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 0x7fa80f564ae0>, 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 0x7fa80f565300>, 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 0x7fa80f565120>, 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 0x7fa80f566e80>, 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 0x7fa80d9eefc0>, 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 0x7fa80f564d60>, 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 0x7fa80f567600>, 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 0x7fa80f5647c0>, 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 0x7fa80f567b00>, 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 0x7fa80f564400>, 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 0x7fa80f564040>, 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 0x7fa80f567740>, 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 0x7fa80f565d00>, 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 0x7fa80f564360>, 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 0x7fa80f564540>, 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 0x7fa80d9ec900>, 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 0x7fa80d9ee2a0>, 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 0x7fa80efde480>, 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 0x7fa80f566020>, 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 0x7fa80f566660>, 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 0x7fa80f5651c0>, 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 0x7fa80f5679c0>, 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 0x7fa80f567c40>, 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 0x7fa80f565440>, 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 0x7fa80f5676a0>, 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 0x7fa80f5653a0>, kernel=<OpOverload(op='quantized.conv_transpose2d_padding', overload='default')>), <OpOverload(op='profiler._record_function_exit', overload='_RecordFunction')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f012200>, kernel=<OpOverload(op='profiler._record_function_exit', overload='_RecordFunction')>), <OpOverload(op='sparse.qlinear_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5677e0>, 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 0x7fa80f564a40>, 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 0x7fa80f565080>, 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 0x7fa80d9ef740>, 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 0x7fa80f566520>, 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 0x7fa80f564180>, kernel=<OpOverload(op='quantized.conv3d_padding', overload='default')>), <OpOverload(op='quantized.conv_transpose1d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f5658a0>, kernel=<OpOverload(op='quantized.conv_transpose1d_unpack', overload='default')>), <OpOverload(op='quantized.conv2d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f567a60>, kernel=<OpOverload(op='quantized.conv2d_dilation', overload='default')>)}
- 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.conv1d', overload='padding')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809120>, 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 0x7fa80d816840>, kernel=<OpOverload(op='aten.concat', overload='names')>), <OpOverload(op='aten.concatenate', overload='names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80b9c0>, 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 0x7fa80d816c00>, kernel=<OpOverload(op='aten.softmax', overload='Dimname')>), <OpOverload(op='aten.log_softmax', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814a40>, kernel=<OpOverload(op='aten.log_softmax', overload='Dimname')>), <OpOverload(op='aten.conv3d', overload='padding')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f4a40>, kernel=<OpOverload(op='aten.conv3d', overload='padding')>), <OpOverload(op='aten.conv_transpose2d', overload='input')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ed080>, 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 0x7fa80d7ed940>, kernel=<OpOverload(op='aten.isreal', overload='default')>), <OpOverload(op='aten._to_cpu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814900>, kernel=<OpOverload(op='aten._to_cpu', overload='default')>), <OpOverload(op='aten._dim_arange', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7edda0>, 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 0x7fa80d7edf80>, 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 0x7fa80d817ba0>, 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 0x7fa80d817c40>, 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 0x7fa80d7ee980>, 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 0x7fa80d7eec00>, 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 0x7fa80d8000e0>, 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 0x7fa80d800220>, kernel=<OpOverload(op='aten.inner', overload='default')>), <OpOverload(op='aten.vstack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80b420>, kernel=<OpOverload(op='aten.vstack', overload='default')>), <OpOverload(op='aten.nll_loss2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8018a0>, 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 0x7fa80d8287c0>, 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 0x7fa80d801ee0>, 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 0x7fa80d8020c0>, kernel=<OpOverload(op='aten._convolution_double_backward', overload='default')>), <OpOverload(op='aten.argsort', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8022a0>, kernel=<OpOverload(op='aten.argsort', overload='default')>), <OpOverload(op='aten.get_gradients', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d802340>, 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 0x7fa80d802520>, 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 0x7fa80d817ec0>, 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 0x7fa80d7f6700>, 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 0x7fa80d7f68e0>, 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 0x7fa80d7f6ac0>, 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 0x7fa80d7f6b60>, 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 0x7fa80d7f6de0>, 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 0x7fa80d7f7380>, 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 0x7fa80d7f7880>, 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 0x7fa80d7f7d80>, 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 0x7fa80d7eef20>, 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 0x7fa80d7ef2e0>, 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 0x7fa80d7ef600>, 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 0x7fa80d7efce0>, 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 0x7fa80d7f40e0>, 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 0x7fa80d7f4400>, 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 0x7fa80d7f4fe0>, 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 0x7fa80d7ecc20>, 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 0x7fa80f830400>, 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 0x7fa80d7ecd60>, 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 0x7fa80d7ed3a0>, 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 0x7fa80d7ed620>, 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 0x7fa80d7eda80>, 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 0x7fa80d7edd00>, 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 0x7fa80d7ee020>, 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 0x7fa80d7ee200>, 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 0x7fa80d7ee840>, 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 0x7fa80d800040>, 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 0x7fa80d8004a0>, 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 0x7fa80d800680>, 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 0x7fa80d800860>, 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 0x7fa80d800b80>, 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 0x7fa80d800f40>, 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 0x7fa80d801620>, 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 0x7fa80d801800>, 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 0x7fa80d801b20>, 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 0x7fa80d801e40>, 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 0x7fa80d802660>, 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 0x7fa80d7f5940>, 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 0x7fa80d7f65c0>, 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 0x7fa80d7f6660>, 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 0x7fa80d7f67a0>, 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 0x7fa80d7f6a20>, 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 0x7fa80d7f7420>, 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 0x7fa80d7f7ec0>, kernel=<OpOverload(op='aten.gather_backward', overload='default')>), <OpOverload(op='aten.native_channel_shuffle', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7eed40>, 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 0x7fa80d7eefc0>, 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 0x7fa80d7ef420>, 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 0x7fa80d7efb00>, 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 0x7fa80d7f5580>, kernel=<OpOverload(op='aten._is_zerotensor', overload='default')>), <OpOverload(op='aten.argwhere', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d817240>, kernel=<OpOverload(op='aten.argwhere', overload='default')>), <OpOverload(op='aten.special_log1p', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f4220>, 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 0x7fa80d7f44a0>, 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 0x7fa80d7f49a0>, 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 0x7fa80d7f4ae0>, 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 0x7fa80d7f4e00>, 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 0x7fa80d7f5300>, 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 0x7fa80d7eccc0>, 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 0x7fa80d7eca40>, 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 0x7fa80d7ed1c0>, 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 0x7fa80d7ed580>, 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 0x7fa80d7edb20>, 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 0x7fa80d7ee2a0>, 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 0x7fa80d7ee520>, 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 0x7fa80d7ee700>, 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 0x7fa80d7f7f60>, kernel=<OpOverload(op='aten.sparse_bsc_tensor', overload='ccol_row_value_size')>), <OpOverload(op='aten.linalg_matrix_rank', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8002c0>, 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 0x7fa80d800fe0>, 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 0x7fa80d7f6840>, 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 0x7fa80d8016c0>, 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 0x7fa80d828720>, 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 0x7fa80d801c60>, 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 0x7fa80d801f80>, 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 0x7fa80d8023e0>, 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 0x7fa80d8027a0>, 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 0x7fa80d7f5e40>, 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 0x7fa80d7f60c0>, 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 0x7fa80d7f62a0>, 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 0x7fa80d7f6c00>, kernel=<OpOverload(op='aten.gradient', overload='array')>), <OpOverload(op='aten.histogramdd', overload='int_bins')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f71a0>, 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 0x7fa80d7f7740>, 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 0x7fa80d7f7b00>, 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 0x7fa80d7ee160>, 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 0x7fa80d809260>, kernel=<OpOverload(op='aten.tensordot', overload='default')>), <OpOverload(op='aten.cummaxmin_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80a020>, kernel=<OpOverload(op='aten.cummaxmin_backward', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='dim_dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80a340>, 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 0x7fa80d80ab60>, 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 0x7fa80d80b060>, 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 0x7fa80d80b1a0>, kernel=<OpOverload(op='aten.nuclear_norm', overload='default')>), <OpOverload(op='aten.special_round', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d802980>, 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 0x7fa80d802c00>, 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 0x7fa80d802f20>, 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 0x7fa80d828e00>, 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 0x7fa80d803880>, 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 0x7fa80d803c40>, 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 0x7fa80d808040>, 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 0x7fa80d828f40>, 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 0x7fa80d808ae0>, 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 0x7fa80d8158a0>, 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 0x7fa80d815a80>, 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 0x7fa80d815d00>, 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 0x7fa80d7ecfe0>, 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 0x7fa80d815ee0>, 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 0x7fa80d8014e0>, 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 0x7fa80d8165c0>, kernel=<OpOverload(op='aten.to_dense', overload='default')>), <OpOverload(op='aten.result_type', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d802840>, kernel=<OpOverload(op='aten.result_type', overload='Tensor')>), <OpOverload(op='aten.cov', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d816660>, kernel=<OpOverload(op='aten.cov', 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 0x7fa80d8163e0>, kernel=<OpOverload(op='aten.sparse_bsr_tensor', overload='crow_col_value')>), <OpOverload(op='aten.linalg_cond', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d816f20>, kernel=<OpOverload(op='aten.linalg_cond', overload='default')>), <OpOverload(op='aten.is_inference', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d817560>, 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 0x7fa80d801760>, 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 0x7fa80d80b560>, 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 0x7fa80d80bba0>, 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 0x7fa80d814040>, 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 0x7fa80d7f47c0>, kernel=<OpOverload(op='aten.adaptive_avg_pool1d', overload='default')>), <OpOverload(op='aten.fliplr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814f40>, 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 0x7fa80d815620>, 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 0x7fa80d808f40>, 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 0x7fa80d809d00>, 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 0x7fa80d809e40>, 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 0x7fa80d80a3e0>, 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 0x7fa80d80aac0>, 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 0x7fa80d80af20>, 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 0x7fa80d80ade0>, 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 0x7fa80d80b380>, kernel=<OpOverload(op='aten.to_sparse_csr', overload='default')>), <OpOverload(op='aten.orgqr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d802a20>, kernel=<OpOverload(op='aten.orgqr', overload='default')>), <OpOverload(op='aten.linalg_vander', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d802de0>, 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 0x7fa80d803060>, 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 0x7fa80d8039c0>, 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 0x7fa80d803ec0>, 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 0x7fa80d8082c0>, 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 0x7fa80d8085e0>, 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 0x7fa80d8087c0>, 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 0x7fa80d808a40>, 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 0x7fa80d815b20>, 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 0x7fa80d829a80>, 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 0x7fa80d816020>, 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 0x7fa80d7ee660>, 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 0x7fa80d816340>, 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 0x7fa80d816b60>, 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 0x7fa80d816e80>, 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 0x7fa80d817060>, kernel=<OpOverload(op='aten._add_batch_dim', overload='default')>), <OpOverload(op='aten.trapz', overload='dx')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8176a0>, kernel=<OpOverload(op='aten.trapz', overload='dx')>), <OpOverload(op='aten.linalg_eigh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f6200>, 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 0x7fa80d80bd80>, kernel=<OpOverload(op='aten.qr', overload='default')>), <OpOverload(op='aten.argsort', overload='stable')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f5da0>, kernel=<OpOverload(op='aten.argsort', overload='stable')>), <OpOverload(op='aten._scaled_dot_product_attention_math', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814400>, 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 0x7fa80d814540>, 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 0x7fa80d829760>, 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 0x7fa80d814b80>, 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 0x7fa80d814d60>, 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 0x7fa80d815260>, 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 0x7fa80d815800>, 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 0x7fa80d800e00>, 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 0x7fa80d7eeca0>, kernel=<OpOverload(op='aten.special_i0', 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 0x7fa80d7eee80>, kernel=<OpOverload(op='aten._cufft_clear_plan_cache', 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 0x7fa80d7f5b20>, kernel=<OpOverload(op='aten.nested_to_padded_tensor', overload='default')>), <OpOverload(op='aten.rnn_tanh_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ef740>, 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 0x7fa80d7f4040>, 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 0x7fa80d7f4b80>, 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 0x7fa80d7f4c20>, 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 0x7fa80d7efd80>, 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 0x7fa80d7ed300>, 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 0x7fa80d7f51c0>, 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 0x7fa80d7edbc0>, 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 0x7fa80d817b00>, 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 0x7fa80d7ee340>, kernel=<OpOverload(op='aten._rowwise_prune', overload='default')>), <OpOverload(op='aten.pad', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ee480>, kernel=<OpOverload(op='aten.pad', overload='default')>), <OpOverload(op='aten.frobenius_norm', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ee8e0>, 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 0x7fa80d7ed760>, 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 0x7fa80d8005e0>, 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 0x7fa80d800900>, kernel=<OpOverload(op='aten.gradient', overload='scalararray')>), <OpOverload(op='aten.linalg_cholesky', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8013a0>, kernel=<OpOverload(op='aten.linalg_cholesky', overload='default')>), <OpOverload(op='aten.diff', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d801120>, kernel=<OpOverload(op='aten.diff', overload='default')>), <OpOverload(op='aten.special_expit', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d801580>, kernel=<OpOverload(op='aten.special_expit', 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 0x7fa80d7eeb60>, 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 0x7fa80d7f5f80>, 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 0x7fa80d7f6e80>, kernel=<OpOverload(op='aten.output_nr', overload='default')>), <OpOverload(op='aten.result_type', overload='Scalar_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f72e0>, kernel=<OpOverload(op='aten.result_type', overload='Scalar_Scalar')>), <OpOverload(op='aten._thnn_differentiable_lstm_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f77e0>, 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 0x7fa80f833600>, 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 0x7fa80d8282c0>, 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 0x7fa80d8093a0>, 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 0x7fa80d809c60>, 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 0x7fa80d80a5c0>, 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 0x7fa80d80a840>, 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 0x7fa80d80ac00>, 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 0x7fa80d80ad40>, 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 0x7fa80d80b100>, 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 0x7fa80d802e80>, kernel=<OpOverload(op='aten._validate_sparse_bsc_tensor_args', overload='default')>), <OpOverload(op='aten.nanquantile', overload='scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ed800>, 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 0x7fa80d828b80>, 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 0x7fa80d803ce0>, 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 0x7fa80d7efa60>, 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 0x7fa80d802700>, 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 0x7fa80d808540>, 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 0x7fa80d808900>, 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 0x7fa80d808ea0>, 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 0x7fa80d8299e0>, 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 0x7fa80d815da0>, 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 0x7fa80d815e40>, 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 0x7fa80d80afc0>, 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 0x7fa80d80b2e0>, 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 0x7fa80d8160c0>, 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 0x7fa80d816160>, 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 0x7fa80d816480>, 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 0x7fa80d816a20>, 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 0x7fa80d829bc0>, kernel=<OpOverload(op='c10d_functional.all_gather_into_tensor', overload='default')>), <OpOverload(op='aten._test_check_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f63e0>, kernel=<OpOverload(op='aten._test_check_tensor', overload='default')>), <OpOverload(op='aten.linalg_norm', overload='ord_str')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f56c0>, kernel=<OpOverload(op='aten.linalg_norm', overload='ord_str')>), <OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d802ca0>, kernel=<OpOverload(op='aten.sparse_csr_tensor', overload='crow_col_value')>), <OpOverload(op='aten._pack_padded_sequence_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d800360>, kernel=<OpOverload(op='aten._pack_padded_sequence_backward', overload='default')>), <OpOverload(op='aten.linalg_cond', overload='p_str')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d801da0>, kernel=<OpOverload(op='aten.linalg_cond', overload='p_str')>), <OpOverload(op='aten.flatten_dense_tensors', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814ae0>, kernel=<OpOverload(op='aten.flatten_dense_tensors', overload='default')>), <OpOverload(op='aten.__and__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809bc0>, kernel=<OpOverload(op='aten.__and__', overload='Tensor')>), <OpOverload(op='aten.__or__', overload='Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809800>, kernel=<OpOverload(op='aten.__or__', overload='Tensor')>), <OpOverload(op='_test.leaky_relu', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d829300>, kernel=<OpOverload(op='_test.leaky_relu', overload='default')>), <OpOverload(op='aten.__or__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80aa20>, kernel=<OpOverload(op='aten.__or__', overload='Scalar')>), <OpOverload(op='aten.__and__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d815f80>, kernel=<OpOverload(op='aten.__and__', overload='Scalar')>), <OpOverload(op='aten.__xor__', overload='Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8034c0>, 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 0x7fa80d803d80>, kernel=<OpOverload(op='aten.__xor__', overload='Tensor')>), <OpOverload(op='aten.arccos', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d801a80>, kernel=<OpOverload(op='aten.arccos', overload='default')>), <OpOverload(op='aten.absolute', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d803b00>, kernel=<OpOverload(op='aten.absolute', overload='default')>), <OpOverload(op='aten.arccosh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f4d60>, kernel=<OpOverload(op='aten.arccosh', overload='default')>), <OpOverload(op='aten.arcsin', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ed4e0>, kernel=<OpOverload(op='aten.arcsin', overload='default')>), <OpOverload(op='aten.arcsinh', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80f832840>, 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 0x7fa80d802020>, 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 0x7fa80d801440>, 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 0x7fa80d801260>, 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 0x7fa80d800a40>, kernel=<OpOverload(op='aten.clip', overload='Tensor')>), <OpOverload(op='aten.conv2d', overload='padding')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f5ee0>, kernel=<OpOverload(op='aten.conv2d', overload='padding')>), <OpOverload(op='aten.cummax', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f79c0>, kernel=<OpOverload(op='aten.cummax', overload='dimname')>), <OpOverload(op='aten.cummin', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f7ba0>, kernel=<OpOverload(op='aten.cummin', overload='dimname')>), <OpOverload(op='aten.divide', overload='Tensor_mode')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ef380>, 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 0x7fa80d7ef4c0>, 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 0x7fa80d7f4180>, 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 0x7fa80d7f45e0>, 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 0x7fa80d7f4ea0>, 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 0x7fa80f833a60>, 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 0x7fa80d7eea20>, 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 0x7fa80d7ee3e0>, 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 0x7fa80d7eeac0>, 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 0x7fa80d8009a0>, 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 0x7fa80d800c20>, 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 0x7fa80d801bc0>, 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 0x7fa80d801940>, kernel=<OpOverload(op='aten.max', overload='names_dim')>), <OpOverload(op='aten.median', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f58a0>, 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 0x7fa80d7f6020>, kernel=<OpOverload(op='aten.min', overload='names_dim')>), <OpOverload(op='aten.mode', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f6ca0>, kernel=<OpOverload(op='aten.mode', overload='dimname')>), <OpOverload(op='aten.nanmedian', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f7600>, 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 0x7fa80d7f6f20>, 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 0x7fa80d7ef560>, 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 0x7fa80d7ef240>, 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 0x7fa80d817100>, 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 0x7fa80d800400>, 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 0x7fa80d7ed8a0>, 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 0x7fa80d7ed440>, 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 0x7fa80d7edc60>, 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 0x7fa80d7ee0c0>, kernel=<OpOverload(op='aten.scatter', overload='dimname_value')>), <OpOverload(op='aten.scatter_add', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7edee0>, kernel=<OpOverload(op='aten.scatter_add', overload='dimname')>), <OpOverload(op='aten.size', overload='Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d800180>, 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 0x7fa80d800540>, 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 0x7fa80d800ae0>, 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 0x7fa80d800cc0>, 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 0x7fa80d802160>, 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 0x7fa80d8019e0>, 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 0x7fa80d8037e0>, kernel=<OpOverload(op='aten.stft', overload='default')>), <OpOverload(op='aten.adaptive_max_pool1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f7060>, kernel=<OpOverload(op='aten.adaptive_max_pool1d', overload='default')>), <OpOverload(op='aten.sym_stride', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80b600>, kernel=<OpOverload(op='aten.sym_stride', overload='int')>), <OpOverload(op='aten.linalg_ldl_factor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d816980>, 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 0x7fa80d7f74c0>, kernel=<OpOverload(op='aten.chain_matmul', 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 0x7fa80d828860>, kernel=<OpOverload(op='profiler._record_function_enter_new', 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 0x7fa80d7f6520>, kernel=<OpOverload(op='aten._thnn_differentiable_gru_cell_backward', overload='default')>), <OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_float')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f7100>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='atol_rtol_float')>), <OpOverload(op='aten.can_cast', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d801300>, kernel=<OpOverload(op='aten.can_cast', 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 0x7fa80d7ed120>, kernel=<OpOverload(op='aten._embedding_bag_sparse_backward', overload='default')>), <OpOverload(op='aten.linalg_matrix_power', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8011c0>, kernel=<OpOverload(op='aten.linalg_matrix_power', overload='default')>), <OpOverload(op='aten._test_string_default', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d800d60>, kernel=<OpOverload(op='aten._test_string_default', overload='default')>), <OpOverload(op='aten.gradient', overload='tensorarrayint')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d802480>, kernel=<OpOverload(op='aten.gradient', overload='tensorarrayint')>), <OpOverload(op='inductor._alloc_from_pool', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8289a0>, kernel=<OpOverload(op='inductor._alloc_from_pool', overload='default')>), <OpOverload(op='aten.nuclear_norm', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f59e0>, kernel=<OpOverload(op='aten.nuclear_norm', overload='dim')>), <OpOverload(op='aten.linalg_svd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f6480>, kernel=<OpOverload(op='aten.linalg_svd', overload='default')>), <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 0x7fa80d7f5c60>, kernel=<OpOverload(op='aten._cufft_set_plan_cache_max_size', overload='default')>), <OpOverload(op='aten._validate_sparse_coo_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809620>, kernel=<OpOverload(op='aten._validate_sparse_coo_tensor_args', overload='default')>), <OpOverload(op='c10d_functional.wait_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d828fe0>, 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 0x7fa80d803e20>, kernel=<OpOverload(op='aten.quantile', overload='scalar')>), <OpOverload(op='aten.special_gammaincc', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8089a0>, kernel=<OpOverload(op='aten.special_gammaincc', overload='default')>), <OpOverload(op='aten.cosine_similarity', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d815940>, kernel=<OpOverload(op='aten.cosine_similarity', overload='default')>), <OpOverload(op='aten.quantized_gru_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80b740>, kernel=<OpOverload(op='aten.quantized_gru_cell', overload='default')>), <OpOverload(op='aten.special_exp2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7efc40>, kernel=<OpOverload(op='aten.special_exp2', overload='default')>), <OpOverload(op='aten._sparse_log_softmax', overload='int')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d816200>, kernel=<OpOverload(op='aten._sparse_log_softmax', overload='int')>), <OpOverload(op='aten._validate_sparse_csr_tensor_args', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d808360>, kernel=<OpOverload(op='aten._validate_sparse_csr_tensor_args', 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 0x7fa80d7efe20>, 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 0x7fa80d7ecf40>, kernel=<OpOverload(op='aten.inverse', overload='default')>), <OpOverload(op='aten.combinations', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ef100>, kernel=<OpOverload(op='aten.combinations', overload='default')>), <OpOverload(op='aten.slow_conv3d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809300>, kernel=<OpOverload(op='aten.slow_conv3d', overload='default')>), <OpOverload(op='aten.nll_loss_nd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809da0>, kernel=<OpOverload(op='aten.nll_loss_nd', overload='default')>), <OpOverload(op='aten.trace_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80bce0>, kernel=<OpOverload(op='aten.trace_backward', overload='default')>), <OpOverload(op='aten.smm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8145e0>, kernel=<OpOverload(op='aten.smm', overload='default')>), <OpOverload(op='aten.special_digamma', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ef7e0>, kernel=<OpOverload(op='aten.special_digamma', 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 0x7fa80d808c20>, kernel=<OpOverload(op='aten.quantized_rnn_relu_cell', overload='default')>), <OpOverload(op='aten._gather_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8140e0>, kernel=<OpOverload(op='aten._gather_sparse_backward', overload='default')>), <OpOverload(op='profiler._record_function_enter', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d829080>, 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 0x7fa80d8084a0>, kernel=<OpOverload(op='aten.histogramdd', overload='default')>), <OpOverload(op='aten.promote_types', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d808680>, kernel=<OpOverload(op='aten.promote_types', overload='default')>), <OpOverload(op='aten.kl_div', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8032e0>, kernel=<OpOverload(op='aten.kl_div', 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 0x7fa80d8291c0>, kernel=<OpOverload(op='c10d_functional.all_reduce_coalesced', overload='default')>), <OpOverload(op='aten._weight_norm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8149a0>, kernel=<OpOverload(op='aten._weight_norm', overload='default')>), <OpOverload(op='aten.embedding_sparse_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ef9c0>, kernel=<OpOverload(op='aten.embedding_sparse_backward', 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 0x7fa7d6ea0ae0>, kernel=<OpOverload(op='aten.fake_quantize_per_channel_affine_cachemask_backward', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d800ea0>, 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 0x7fa80d817380>, kernel=<OpOverload(op='aten.fake_quantize_per_tensor_affine', overload='default')>), <OpOverload(op='aten.special_multigammaln', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ee7a0>, kernel=<OpOverload(op='aten.special_multigammaln', overload='default')>), <OpOverload(op='aten.multilabel_margin_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f54e0>, kernel=<OpOverload(op='aten.multilabel_margin_loss', overload='default')>), <OpOverload(op='aten.special_xlogy', overload='self_scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8174c0>, kernel=<OpOverload(op='aten.special_xlogy', overload='self_scalar')>), <OpOverload(op='aten.lu_solve', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7eede0>, kernel=<OpOverload(op='aten.lu_solve', 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 0x7fa80d80b880>, kernel=<OpOverload(op='aten._cufft_get_plan_cache_size', overload='default')>), <OpOverload(op='aten.matrix_exp', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d808b80>, kernel=<OpOverload(op='aten.matrix_exp', overload='default')>), <OpOverload(op='aten.poisson_nll_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8168e0>, 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 0x7fa80d814c20>, kernel=<OpOverload(op='aten.trapezoid', overload='dx')>), <OpOverload(op='aten.nanquantile', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8036a0>, kernel=<OpOverload(op='aten.nanquantile', overload='default')>), <OpOverload(op='aten.to_sparse_bsr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f7240>, kernel=<OpOverload(op='aten.to_sparse_bsr', overload='default')>), <OpOverload(op='aten.conv_transpose1d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f5620>, kernel=<OpOverload(op='aten.conv_transpose1d', 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 0x7fa80d7f5260>, kernel=<OpOverload(op='aten.linalg_matrix_rank', overload='tol_tensor')>), <OpOverload(op='aten.sspaddmm', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ede40>, kernel=<OpOverload(op='aten.sspaddmm', overload='default')>), <OpOverload(op='aten.gradient', overload='tensorarray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f5760>, kernel=<OpOverload(op='aten.gradient', overload='tensorarray')>), <OpOverload(op='aten.corrcoef', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ed6c0>, kernel=<OpOverload(op='aten.corrcoef', overload='default')>), <OpOverload(op='aten.take_along_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f76a0>, kernel=<OpOverload(op='aten.take_along_dim', overload='default')>), <OpOverload(op='aten._convolution_mode', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80bb00>, kernel=<OpOverload(op='aten._convolution_mode', overload='default')>), <OpOverload(op='aten._test_ambiguous_defaults', overload='b')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809a80>, kernel=<OpOverload(op='aten._test_ambiguous_defaults', overload='b')>), <OpOverload(op='aten._thnn_fused_lstm_cell_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80a700>, kernel=<OpOverload(op='aten._thnn_fused_lstm_cell_backward', 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 0x7fa80d816700>, kernel=<OpOverload(op='aten.infinitely_differentiable_gelu_backward', overload='default')>), <OpOverload(op='aten.sum_to_size', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8156c0>, kernel=<OpOverload(op='aten.sum_to_size', 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 0x7fa80d80b6a0>, kernel=<OpOverload(op='aten._sparse_csc_tensor_unsafe', 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 0x7fa80d809440>, kernel=<OpOverload(op='aten.affine_grid_generator_backward', 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 0x7fa80d7ece00>, kernel=<OpOverload(op='aten.fbgemm_linear_int8_weight', overload='default')>), <OpOverload(op='aten.histogramdd', overload='TensorList_bins')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d808d60>, kernel=<OpOverload(op='aten.histogramdd', overload='TensorList_bins')>), <OpOverload(op='aten.to_mkldnn_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8028e0>, kernel=<OpOverload(op='aten.to_mkldnn_backward', overload='default')>), <OpOverload(op='aten.gradient', overload='scalarrayarray')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f7c40>, kernel=<OpOverload(op='aten.gradient', overload='scalarrayarray')>), <OpOverload(op='c10d_functional.reduce_scatter_tensor_coalesced', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d829620>, kernel=<OpOverload(op='c10d_functional.reduce_scatter_tensor_coalesced', overload='default')>), <OpOverload(op='aten.quantile', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8142c0>, kernel=<OpOverload(op='aten.quantile', 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 0x7fa80d80bf60>, kernel=<OpOverload(op='aten.linalg_matrix_norm', overload='str_ord')>), <OpOverload(op='prepacked.unpack_prepacked_sizes_conv2d', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8298a0>, kernel=<OpOverload(op='prepacked.unpack_prepacked_sizes_conv2d', 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 0x7fa80d7f4860>, kernel=<OpOverload(op='aten._cufft_get_plan_cache_max_size', overload='default')>), <OpOverload(op='aten.quantized_lstm_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d800720>, kernel=<OpOverload(op='aten.quantized_lstm_cell', overload='default')>), <OpOverload(op='aten.gru_cell', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80a0c0>, kernel=<OpOverload(op='aten.gru_cell', overload='default')>), <OpOverload(op='aten.norm_except_dim', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814fe0>, kernel=<OpOverload(op='aten.norm_except_dim', overload='default')>), <OpOverload(op='aten._sparse_sum', overload='dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d816ca0>, 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 0x7fa80d816de0>, kernel=<OpOverload(op='aten.special_logit', overload='default')>), <OpOverload(op='aten._shape_as_tensor', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8144a0>, kernel=<OpOverload(op='aten._shape_as_tensor', overload='default')>), <OpOverload(op='aten.diag', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809940>, 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 0x7fa80d8031a0>, 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 0x7fa80d803ba0>, 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 0x7fa80d808220>, 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 0x7fa80d808860>, 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 0x7fa80d8159e0>, kernel=<OpOverload(op='aten.square', overload='default')>), <OpOverload(op='aten.fft_hfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8096c0>, kernel=<OpOverload(op='aten.fft_hfft', overload='default')>), <OpOverload(op='aten.fft_hfft', overload='out')>: <function hfft at 0x7fa8cbc20ae0>, <OpOverload(op='aten.fft_ihfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80a520>, kernel=<OpOverload(op='aten.fft_ihfft', overload='default')>), <OpOverload(op='aten.fft_ihfft', overload='out')>: <function ihfft at 0x7fa8cbc22020>, <OpOverload(op='aten.fft_fftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d802ac0>, kernel=<OpOverload(op='aten.fft_fftn', overload='default')>), <OpOverload(op='aten.fft_fftn', overload='out')>: <function fftn at 0x7fa8cbc228e0>, <OpOverload(op='aten.fft_ifftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d803740>, kernel=<OpOverload(op='aten.fft_ifftn', overload='default')>), <OpOverload(op='aten.fft_ifftn', overload='out')>: <function ifftn at 0x7fa8cbc22b60>, <OpOverload(op='aten.fft_rfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d803f60>, kernel=<OpOverload(op='aten.fft_rfftn', overload='default')>), <OpOverload(op='aten.fft_rfftn', overload='out')>: <function rfftn at 0x7fa8cbc22de0>, <OpOverload(op='aten.fft_ihfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d808cc0>, kernel=<OpOverload(op='aten.fft_ihfftn', overload='default')>), <OpOverload(op='aten.fft_ihfftn', overload='out')>: <function ihfftn at 0x7fa8cbc23060>, <OpOverload(op='aten.fft_irfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d816520>, kernel=<OpOverload(op='aten.fft_irfftn', overload='default')>), <OpOverload(op='aten.fft_irfftn', overload='out')>: <function irfftn at 0x7fa8cbc23740>, <OpOverload(op='aten.fft_hfftn', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d816d40>, kernel=<OpOverload(op='aten.fft_hfftn', overload='default')>), <OpOverload(op='aten.fft_hfftn', overload='out')>: <function hfftn at 0x7fa8cbc239c0>, <OpOverload(op='aten.fft_fft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80b7e0>, kernel=<OpOverload(op='aten.fft_fft2', overload='default')>), <OpOverload(op='aten.fft_fft2', overload='out')>: <function fft2 at 0x7fa8cbc23c40>, <OpOverload(op='aten.fft_ifft2', overload='out')>: <function ifft2 at 0x7fa8cbc23ec0>, <OpOverload(op='aten.fft_rfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814220>, kernel=<OpOverload(op='aten.fft_rfft2', overload='default')>), <OpOverload(op='aten.fft_rfft2', overload='out')>: <function rfft2 at 0x7fa8cbc23920>, <OpOverload(op='aten.fft_irfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814ea0>, kernel=<OpOverload(op='aten.fft_irfft2', overload='default')>), <OpOverload(op='aten.fft_irfft2', overload='out')>: <function irfft2 at 0x7fa8cbc22ac0>, <OpOverload(op='aten.fft_hfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d808fe0>, kernel=<OpOverload(op='aten.fft_hfft2', overload='default')>), <OpOverload(op='aten.fft_hfft2', overload='out')>: <function hfft2 at 0x7fa8cbc21bc0>, <OpOverload(op='aten.fft_ihfft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809b20>, kernel=<OpOverload(op='aten.fft_ihfft2', overload='default')>), <OpOverload(op='aten.fft_ihfft2', overload='out')>: <function ihfft2 at 0x7fa8cbc44220>, <OpOverload(op='aten.fft_fftshift', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80a160>, 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 0x7fa80d80a660>, kernel=<OpOverload(op='aten.fft_ifftshift', overload='default')>), <OpOverload(op='aten.linalg_cross', overload='out')>: <function cross at 0x7fa8cbc44a40>, <OpOverload(op='aten.linalg_vector_norm', overload='out')>: <function vector_norm at 0x7fa8cbc44d60>, <OpOverload(op='aten.alpha_dropout', overload='default')>: <function alpha_dropout at 0x7fa8cbc45b20>, <OpOverload(op='aten.celu', overload='out')>: <function celu at 0x7fa8cbc44400>, <OpOverload(op='aten.elu', overload='out')>: <function elu at 0x7fa8cbc46480>, <OpOverload(op='aten.relu', overload='out')>: <function relu at 0x7fa8cbc46840>, <OpOverload(op='aten.channel_shuffle', overload='default')>: <function channel_shuffle at 0x7fa8cbc46de0>, <OpOverload(op='aten.channel_shuffle', overload='out')>: <function channel_shuffle at 0x7fa8cbc46de0>, <OpOverload(op='aten.leaky_relu', overload='out')>: <function leaky_relu at 0x7fa8cbc46fc0>, <OpOverload(op='aten.mish', overload='out')>: <function mish at 0x7fa8cbc47380>, <OpOverload(op='aten.softshrink', overload='out')>: <function softshrink at 0x7fa8cbc47f60>, <OpOverload(op='aten.hardshrink', overload='default')>: <function hardshrink at 0x7fa8cbc702c0>, <OpOverload(op='aten.softplus', overload='out')>: <function softplus at 0x7fa8cbc47c40>, <OpOverload(op='aten.softshrink', overload='default')>: <function softshrink at 0x7fa8cbc47f60>, <OpOverload(op='aten.hardshrink', overload='out')>: <function hardshrink at 0x7fa8cbc702c0>, <OpOverload(op='aten.margin_ranking_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d815080>, kernel=<OpOverload(op='aten.margin_ranking_loss', overload='default')>), <OpOverload(op='aten.pairwise_distance', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f5bc0>, kernel=<OpOverload(op='aten.pairwise_distance', overload='default')>), <OpOverload(op='aten.hinge_embedding_loss', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d815760>, kernel=<OpOverload(op='aten.hinge_embedding_loss', overload='default')>), <OpOverload(op='aten.nll_loss', overload='out')>: <function nll_loss at 0x7fa8cbc70d60>, <OpOverload(op='aten.huber_loss', overload='default')>: <function huber_loss at 0x7fa8cbc71080>, <OpOverload(op='aten.huber_loss', overload='out')>: <function huber_loss at 0x7fa8cbc71080>, <OpOverload(op='aten.threshold', overload='default')>: <function threshold at 0x7fa8cbc71300>, <OpOverload(op='aten.threshold', overload='out')>: <function threshold at 0x7fa8cbc71300>, <OpOverload(op='aten.hardtanh', overload='out')>: <function hardtanh at 0x7fa8cbc71800>, <OpOverload(op='aten.gelu', overload='out')>: <function gelu at 0x7fa8cbc71f80>, <OpOverload(op='aten.glu', overload='out')>: <function glu at 0x7fa8cbc728e0>, <OpOverload(op='aten.pdist', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f5800>, kernel=<OpOverload(op='aten.pdist', overload='default')>), <OpOverload(op='aten.special_i1', overload='out')>: <function i1 at 0x7fa8cbc98d60>, <OpOverload(op='aten.pixel_shuffle', overload='out')>: <function pixel_shuffle at 0x7fa8cbc70f40>, <OpOverload(op='aten.special_i1', overload='default')>: <function i1 at 0x7fa8cbc98d60>, <OpOverload(op='aten.pixel_unshuffle', overload='out')>: <function pixel_unshuffle at 0x7fa8cbc72c00>, <OpOverload(op='aten.celu_', overload='default')>: <function celu at 0x7fa8cbc476a0>, <OpOverload(op='aten.elu_', overload='default')>: <function elu at 0x7fa8cbc70c20>, <OpOverload(op='aten.mish_', overload='default')>: <function mish at 0x7fa8cbc72ca0>, <OpOverload(op='aten.selu_', overload='default')>: <function selu at 0x7fa8cbc72de0>, <OpOverload(op='aten.threshold_', overload='default')>: <function threshold at 0x7fa8cbc72f20>, <OpOverload(op='aten.special_bessel_j0', overload='default')>: <function bessel_j0 at 0x7fa8cbc73920>, <OpOverload(op='aten.special_bessel_j0', overload='out')>: <function bessel_j0 at 0x7fa8cbc73920>, <OpOverload(op='aten.special_bessel_j1', overload='default')>: <function bessel_j1 at 0x7fa8cbc73d80>, <OpOverload(op='aten.special_bessel_j1', overload='out')>: <function bessel_j1 at 0x7fa8cbc73d80>, <OpOverload(op='aten.special_entr', overload='default')>: <function entr at 0x7fa8cbc980e0>, <OpOverload(op='aten.special_entr', overload='out')>: <function entr at 0x7fa8cbc980e0>, <OpOverload(op='aten.special_erfcx', overload='out')>: <function erfcx at 0x7fa8cbc98400>, <OpOverload(op='aten.special_i0e', overload='default')>: <function i0e at 0x7fa8cbc98900>, <OpOverload(op='aten.special_i0e', overload='out')>: <function i0e at 0x7fa8cbc98900>, <OpOverload(op='aten.special_i1e', overload='default')>: <function i1e at 0x7fa8cbc727a0>, <OpOverload(op='aten.special_i1e', overload='out')>: <function i1e at 0x7fa8cbc727a0>, <OpOverload(op='aten.special_log_ndtr', overload='default')>: <function log_ndtr at 0x7fa8cbc98040>, <OpOverload(op='aten.special_log_ndtr', overload='out')>: <function log_ndtr at 0x7fa8cbc98040>, <OpOverload(op='aten.logit', overload='out')>: <function logit at 0x7fa8cbc98fe0>, <OpOverload(op='aten.special_xlog1py', overload='default')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='out')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='self_scalar_out')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.special_xlog1py', overload='other_scalar_out')>: <function xlog1py at 0x7fa8cbc99300>, <OpOverload(op='aten.mvlgamma', overload='default')>: <function multigammaln at 0x7fa8cbc99620>, <OpOverload(op='aten.mvlgamma', overload='out')>: <function multigammaln at 0x7fa8cbc99620>, <OpOverload(op='aten.special_ndtr', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f53a0>, kernel=<OpOverload(op='aten.special_ndtr', overload='default')>), <OpOverload(op='aten.special_ndtr', overload='out')>: <function ndtr at 0x7fa8cbc99940>, <OpOverload(op='aten.special_ndtri', overload='default')>: <function ndtri at 0x7fa8cbc99c60>, <OpOverload(op='aten.special_ndtri', overload='out')>: <function ndtri at 0x7fa8cbc99c60>, <OpOverload(op='aten.special_spherical_bessel_j0', overload='default')>: <function spherical_bessel_j0 at 0x7fa8cbc9a200>, <OpOverload(op='aten.special_spherical_bessel_j0', overload='out')>: <function spherical_bessel_j0 at 0x7fa8cbc9a200>, <OpOverload(op='aten.special_zeta', overload='default')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='other_scalar')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='self_scalar')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='out')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='self_scalar_out')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.special_zeta', overload='other_scalar_out')>: <function zeta at 0x7fa8cbc9a5c0>, <OpOverload(op='aten.addcmul', overload='out')>: <function addcmul at 0x7fa8cbd240e0>, <OpOverload(op='aten.clamp_min', overload='out')>: <function clamp_min at 0x7fa8cbefe840>, <OpOverload(op='aten.clamp_min', overload='Tensor_out')>: <function clamp_min at 0x7fa8cbefe840>, <OpOverload(op='aten.clamp_max', overload='out')>: <function clamp_max at 0x7fa8cbee3100>, <OpOverload(op='aten.clamp_max', overload='Tensor_out')>: <function clamp_max at 0x7fa8cbee3100>, <OpOverload(op='aten.std', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d816ac0>, kernel=<OpOverload(op='aten.std', overload='correction_names')>), <OpOverload(op='aten.std', overload='correction_names_out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.all', overload='out')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='dims_out')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='all_out')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.all', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d815c60>, kernel=<OpOverload(op='aten.all', overload='dimname')>), <OpOverload(op='aten.all', overload='dimname_out')>: <function all at 0x7fa8cbd25760>, <OpOverload(op='aten.std', overload='names_out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.std', overload='correction_out')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.any', overload='out')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='dims_out')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='all_out')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.any', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d817600>, kernel=<OpOverload(op='aten.any', overload='dimname')>), <OpOverload(op='aten.any', overload='dimname_out')>: <function any at 0x7fa8cbd259e0>, <OpOverload(op='aten.std', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d815300>, kernel=<OpOverload(op='aten.std', overload='names_dim')>), <OpOverload(op='aten.std', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814cc0>, 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 0x7fa80d815120>, kernel=<OpOverload(op='aten.std', overload='dim')>), <OpOverload(op='aten.std', overload='correction')>: <function std at 0x7fa8cbd26520>, <OpOverload(op='aten.mean', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80ae80>, kernel=<OpOverload(op='aten.mean', overload='names_dim')>), <OpOverload(op='aten.mean', overload='names_out')>: <function mean at 0x7fa8cbefec00>, <OpOverload(op='aten.mean', overload='out')>: <function mean at 0x7fa8cbefec00>, <OpOverload(op='aten.mean', overload='dtype_out')>: <function mean at 0x7fa8cbefec00>, <OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80b920>, kernel=<OpOverload(op='aten.index_fill', overload='Dimname_Tensor')>), <OpOverload(op='aten.std_mean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80a480>, 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 0x7fa80d80a8e0>, kernel=<OpOverload(op='aten.std_mean', overload='dim')>), <OpOverload(op='aten.std_mean', overload='correction')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.std_mean', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80a980>, 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 0x7fa80d80aca0>, kernel=<OpOverload(op='aten.std_mean', overload='correction_names')>), <OpOverload(op='aten.std_mean', overload='correction_out')>: <function std_mean at 0x7fa8cbd249a0>, <OpOverload(op='aten.var_mean', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d803100>, 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 0x7fa80d803420>, kernel=<OpOverload(op='aten.var_mean', overload='dim')>), <OpOverload(op='aten.var_mean', overload='correction')>: <function var_mean at 0x7fa8cbd26ac0>, <OpOverload(op='aten.var_mean', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d803560>, 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 0x7fa80d803a60>, kernel=<OpOverload(op='aten.var_mean', overload='correction_names')>), <OpOverload(op='aten.var_mean', overload='correction_out')>: <function var_mean at 0x7fa8cbd26ac0>, <OpOverload(op='aten.addr', overload='out')>: <function addr at 0x7fa8cbd26f20>, <OpOverload(op='aten.broadcast_tensors', overload='default')>: <function broadcast_tensors at 0x7fa8cbd27600>, <OpOverload(op='aten.constant_pad_nd', overload='out')>: <function constant_pad_nd at 0x7fa8cbd27f60>, <OpOverload(op='aten.flip', overload='out')>: <function flip at 0x7fa8cbd242c0>, <OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f7e20>, kernel=<OpOverload(op='aten.index_fill', overload='Dimname_Scalar')>), <OpOverload(op='aten.stft', overload='center')>: <function stft at 0x7fa8cbd55080>, <OpOverload(op='aten.native_layer_norm', overload='out')>: <function native_layer_norm at 0x7fa8cbd54cc0>, <OpOverload(op='aten.index_fill', overload='int_Scalar')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.index_fill', overload='int_Tensor')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.renorm', overload='default')>: <function renorm at 0x7fa8cbd55260>, <OpOverload(op='aten.istft', overload='default')>: <function istft at 0x7fa8cbd553a0>, <OpOverload(op='aten.renorm', overload='out')>: <function renorm at 0x7fa8cbd55260>, <OpOverload(op='aten.index_fill_', overload='int_Tensor')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.repeat', overload='out')>: <function repeat at 0x7fa8cbd55760>, <OpOverload(op='aten.roll', overload='out')>: <function roll at 0x7fa8cbd55d00>, <OpOverload(op='aten.rot90', overload='default')>: <function rot90 at 0x7fa8cbd55f80>, <OpOverload(op='aten.rot90', overload='out')>: <function rot90 at 0x7fa8cbd55f80>, <OpOverload(op='aten.index_fill', overload='int_Tensor_out')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.stack', overload='out')>: <function stack at 0x7fa8cbd562a0>, <OpOverload(op='aten.index_fill', overload='int_Scalar_out')>: <function index_fill at 0x7fa8cbd56f20>, <OpOverload(op='aten.unbind', overload='Dimname')>: <function unbind at 0x7fa8cbd568e0>, <OpOverload(op='aten.index_fill_', overload='int_Scalar')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.index_fill_', overload='Dimname_Scalar')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.index_fill_', overload='Dimname_Tensor')>: <function index_fill_ at 0x7fa8cbd56b60>, <OpOverload(op='aten.index_select', overload='out')>: <function index_select at 0x7fa8cbd54e00>, <OpOverload(op='aten.index_select', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d817420>, kernel=<OpOverload(op='aten.index_select', overload='dimname')>), <OpOverload(op='aten.index_select', overload='dimname_out')>: <function index_select at 0x7fa8cbd54e00>, <OpOverload(op='aten.diag', overload='out')>: <function diag at 0x7fa8cbd57560>, <OpOverload(op='aten.diagonal_scatter', overload='out')>: <function diagonal_scatter at 0x7fa8cbd577e0>, <OpOverload(op='aten.diagonal', overload='Dimname')>: <function diagonal at 0x7fa8cbd57600>, <OpOverload(op='aten.diag_embed', overload='default')>: <function diag_embed at 0x7fa8cbd57b00>, <OpOverload(op='aten.diag_embed', overload='out')>: <function diag_embed at 0x7fa8cbd57b00>, <OpOverload(op='aten.block_diag', overload='default')>: <function _block_diag_iterable at 0x7fa8cbd57ec0>, <OpOverload(op='aten.block_diag', overload='out')>: <function _block_diag_iterable at 0x7fa8cbd57ec0>, <OpOverload(op='aten.unfold_copy', overload='default')>: <function unfold_copy at 0x7fa8cbd78860>, <OpOverload(op='aten.unfold_copy', overload='out')>: <function unfold_copy at 0x7fa8cbd78860>, <OpOverload(op='aten.cumsum', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f5080>, kernel=<OpOverload(op='aten.cumsum', overload='dimname')>), <OpOverload(op='aten.cumsum', overload='dimname_out')>: <function cumsum at 0x7fa8cbd78900>, <OpOverload(op='aten.cumsum', overload='out')>: <function cumsum at 0x7fa8cbd78900>, <OpOverload(op='aten.cumprod', overload='default')>: <function cumprod at 0x7fa8cbd789a0>, <OpOverload(op='aten.cumprod', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ecb80>, kernel=<OpOverload(op='aten.cumprod', overload='dimname')>), <OpOverload(op='aten.cumprod', overload='dimname_out')>: <function cumprod at 0x7fa8cbd789a0>, <OpOverload(op='aten.cumprod', overload='out')>: <function cumprod at 0x7fa8cbd789a0>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor_out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar_out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.arange', overload='start_out')>: <function arange at 0x7fa8cbd7a0c0>, <OpOverload(op='aten.logspace', overload='Tensor_Tensor_out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='out')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='default')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.lerp', overload='Scalar_out')>: <function lerp at 0x7fa8cbd7a3e0>, <OpOverload(op='aten.lerp', overload='Tensor_out')>: <function lerp at 0x7fa8cbd7a3e0>, <OpOverload(op='aten.logspace', overload='Scalar_Tensor')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.linspace', overload='Tensor_Tensor')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Tensor_Scalar')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Scalar_Tensor')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='out')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Tensor_Tensor_out')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Tensor_Scalar_out')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.linspace', overload='Scalar_Tensor_out')>: <function linspace at 0x7fa8cbd7a660>, <OpOverload(op='aten.meshgrid', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809760>, kernel=<OpOverload(op='aten.meshgrid', overload='default')>), <OpOverload(op='aten.logspace', overload='Tensor_Tensor')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.logspace', overload='Tensor_Scalar')>: <function logspace at 0x7fa8cbd7a8e0>, <OpOverload(op='aten.meshgrid', overload='indexing')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8099e0>, kernel=<OpOverload(op='aten.meshgrid', overload='indexing')>), <OpOverload(op='aten.eye', overload='default')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.eye', overload='m')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.eye', overload='out')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.eye', overload='m_out')>: <function eye at 0x7fa8cbd7aa20>, <OpOverload(op='aten.triu', overload='out')>: <function triu at 0x7fa8cbd7b9c0>, <OpOverload(op='aten.masked_fill', overload='Scalar_out')>: <function masked_fill at 0x7fa8cbd7b880>, <OpOverload(op='aten.masked_fill', overload='Tensor_out')>: <function masked_fill at 0x7fa8cbd7b880>, <OpOverload(op='aten.masked_fill_', overload='Scalar')>: <function masked_fill_ at 0x7fa8cbd7b6a0>, <OpOverload(op='aten.masked_fill_', overload='Tensor')>: <function masked_fill_ at 0x7fa8cbd7b6a0>, <OpOverload(op='aten.norm', overload='Scalar')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dim')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8167a0>, kernel=<OpOverload(op='aten.norm', overload='names_ScalarOpt_dim')>), <OpOverload(op='aten.norm', overload='ScalarOpt_dim_dtype')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='dtype_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='ScalarOpt_dtype_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='Scalar_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8171a0>, kernel=<OpOverload(op='aten.norm', overload='names_ScalarOpt_dim_dtype')>), <OpOverload(op='aten.norm', overload='names_dtype_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.norm', overload='names_out')>: <function norm at 0x7fa8cbd7bd80>, <OpOverload(op='aten.trace', overload='default')>: <function trace at 0x7fa8cbd7bf60>, <OpOverload(op='aten.trace', overload='out')>: <function trace at 0x7fa8cbd7bf60>, <OpOverload(op='aten.tril', overload='out')>: <function tril at 0x7fa8cbd78b80>, <OpOverload(op='aten.tril_indices', overload='default')>: <function tril_indices at 0x7fa8cbda44a0>, <OpOverload(op='aten.tril_indices', overload='out')>: <function tril_indices at 0x7fa8cbda44a0>, <OpOverload(op='aten.triu_indices', overload='default')>: <function triu_indices at 0x7fa8cbda47c0>, <OpOverload(op='aten.triu_indices', overload='out')>: <function triu_indices at 0x7fa8cbda47c0>, <OpOverload(op='aten.deg2rad', overload='out')>: <function deg2rad at 0x7fa8cbda6020>, <OpOverload(op='aten.bucketize', overload='Tensor')>: <function bucketize at 0x7fa8cbda4a40>, <OpOverload(op='aten.bucketize', overload='Scalar')>: <function bucketize at 0x7fa8cbda4a40>, <OpOverload(op='aten.bucketize', overload='Tensor_out')>: <function bucketize at 0x7fa8cbda4a40>, <OpOverload(op='aten.bucketize', overload='Scalar_out')>: <function bucketize at 0x7fa8cbda4a40>, <OpOverload(op='aten.cauchy', overload='default')>: <function cauchy at 0x7fa8cbda4d60>, <OpOverload(op='aten.cauchy', overload='out')>: <function cauchy at 0x7fa8cbda4d60>, <OpOverload(op='aten.exponential', overload='default')>: <function exponential at 0x7fa8cbda5080>, <OpOverload(op='aten.exponential', overload='out')>: <function exponential at 0x7fa8cbda5080>, <OpOverload(op='aten.geometric', overload='default')>: <function geometric at 0x7fa8cbda53a0>, <OpOverload(op='aten.geometric', overload='out')>: <function geometric at 0x7fa8cbda53a0>, <OpOverload(op='aten.log_normal', overload='default')>: <function log_normal at 0x7fa8cbda56c0>, <OpOverload(op='aten.log_normal', overload='out')>: <function log_normal at 0x7fa8cbda56c0>, <OpOverload(op='aten.normal_', overload='default')>: <function normal_ at 0x7fa8cbda5760>, <OpOverload(op='aten.rad2deg', overload='out')>: <function rad2deg at 0x7fa8cbda5f80>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.count_nonzero', overload='dim_IntList_out')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.count_nonzero', overload='default')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.count_nonzero', overload='out')>: <function count_nonzero at 0x7fa8cbda5260>, <OpOverload(op='aten.dot', overload='out')>: <function dot at 0x7fa8cbda63e0>, <OpOverload(op='aten.vdot', overload='default')>: <function vdot at 0x7fa8cbda67a0>, <OpOverload(op='aten.vdot', overload='out')>: <function vdot at 0x7fa8cbda67a0>, <OpOverload(op='aten.select_scatter', overload='out')>: <function select_scatter at 0x7fa8cbda6a20>, <OpOverload(op='aten.abs_', overload='default')>: <function abs at 0x7fa8cbda4f40>, <OpOverload(op='aten.acos_', overload='default')>: <function acos at 0x7fa8cbda6840>, <OpOverload(op='aten.acosh_', overload='default')>: <function acosh at 0x7fa8cbda6ac0>, <OpOverload(op='aten.add_', overload='Scalar')>: <function add at 0x7fa8cbda6c00>, <OpOverload(op='aten.conj_physical_', overload='default')>: <function conj_physical at 0x7fa8cbda7e20>, <OpOverload(op='aten.addcmul_', overload='default')>: <function addcmul at 0x7fa8cbda6d40>, <OpOverload(op='aten.addcdiv_', overload='default')>: <function addcdiv at 0x7fa8cbda6e80>, <OpOverload(op='aten.asin_', overload='default')>: <function asin at 0x7fa8cbda6fc0>, <OpOverload(op='aten.asinh_', overload='default')>: <function asinh at 0x7fa8cbda7100>, <OpOverload(op='aten.clamp_max_', overload='Tensor')>: <function clamp_max at 0x7fa8cbda7f60>, <OpOverload(op='aten.atan_', overload='default')>: <function atan at 0x7fa8cbda7240>, <OpOverload(op='aten.clamp_max_', overload='default')>: <function clamp_max at 0x7fa8cbda7f60>, <OpOverload(op='aten.atanh_', overload='default')>: <function atanh at 0x7fa8cbda7380>, <OpOverload(op='aten.atan2_', overload='default')>: <function atan2 at 0x7fa8cbda74c0>, <OpOverload(op='aten.bitwise_and_', overload='Tensor')>: <function bitwise_and at 0x7fa8cbda7600>, <OpOverload(op='aten.bitwise_and_', overload='Scalar')>: <function bitwise_and at 0x7fa8cbda7600>, <OpOverload(op='aten.bitwise_left_shift_', overload='Tensor_Scalar')>: <function bitwise_left_shift at 0x7fa8cbda7740>, <OpOverload(op='aten.bitwise_left_shift_', overload='Tensor')>: <function bitwise_left_shift at 0x7fa8cbda7740>, <OpOverload(op='aten.bitwise_not_', overload='default')>: <function bitwise_not at 0x7fa8cbda7880>, <OpOverload(op='aten.bitwise_or_', overload='Tensor')>: <function bitwise_or at 0x7fa8cbda79c0>, <OpOverload(op='aten.bitwise_or_', overload='Scalar')>: <function bitwise_or at 0x7fa8cbda79c0>, <OpOverload(op='aten.clamp_min_', overload='Tensor')>: <function clamp_min at 0x7fa8cbdd0040>, <OpOverload(op='aten.clamp_min_', overload='default')>: <function clamp_min at 0x7fa8cbdd0040>, <OpOverload(op='aten.bitwise_right_shift_', overload='Tensor_Scalar')>: <function bitwise_right_shift at 0x7fa8cbda7b00>, <OpOverload(op='aten.bitwise_right_shift_', overload='Tensor')>: <function bitwise_right_shift at 0x7fa8cbda7b00>, <OpOverload(op='aten.bitwise_xor_', overload='Tensor')>: <function bitwise_xor at 0x7fa8cbda7c40>, <OpOverload(op='aten.bitwise_xor_', overload='Scalar')>: <function bitwise_xor at 0x7fa8cbda7c40>, <OpOverload(op='aten.ceil_', overload='default')>: <function ceil at 0x7fa8cbda7d80>, <OpOverload(op='aten.copysign_', overload='Tensor')>: <function copysign at 0x7fa8cbda7ba0>, <OpOverload(op='aten.clamp_', overload='default')>: <function clamp at 0x7fa8cbda7ec0>, <OpOverload(op='aten.clamp_', overload='Tensor')>: <function clamp at 0x7fa8cbda7ec0>, <OpOverload(op='aten.copysign_', overload='Scalar')>: <function copysign at 0x7fa8cbda7ba0>, <OpOverload(op='aten.cos_', overload='default')>: <function cos at 0x7fa8cbda7920>, <OpOverload(op='aten.le_', overload='Tensor')>: <function le at 0x7fa8cbda5580>, <OpOverload(op='aten.cosh_', overload='default')>: <function cosh at 0x7fa8cbda76a0>, <OpOverload(op='aten.cumsum_', overload='default')>: <function cumsum at 0x7fa8cbda7420>, <OpOverload(op='aten.cumsum_', overload='dimname')>: <function cumsum at 0x7fa8cbda7420>, <OpOverload(op='aten.le_', overload='Scalar')>: <function le at 0x7fa8cbda5580>, <OpOverload(op='aten.cumprod_', overload='default')>: <function cumprod at 0x7fa8cbda71a0>, <OpOverload(op='aten.cumprod_', overload='dimname')>: <function cumprod at 0x7fa8cbda71a0>, <OpOverload(op='aten.deg2rad_', overload='default')>: <function deg2rad at 0x7fa8cbda6f20>, <OpOverload(op='aten.xlogy_', overload='Scalar_Other')>: <function xlogy at 0x7fa8cbdd31a0>, <OpOverload(op='aten.digamma_', overload='default')>: <function digamma at 0x7fa8cbda6ca0>, <OpOverload(op='aten.div_', overload='Tensor')>: <function div at 0x7fa8cbda6980>, <OpOverload(op='aten.div_', overload='Tensor_mode')>: <function div at 0x7fa8cbda6980>, <OpOverload(op='aten.div_', overload='Scalar')>: <function div at 0x7fa8cbda6980>, <OpOverload(op='aten.div_', overload='Scalar_mode')>: <function div at 0x7fa8cbda6980>, <OpOverload(op='aten.eq_', overload='Scalar')>: <function eq at 0x7fa8cbda6340>, <OpOverload(op='aten.eq_', overload='Tensor')>: <function eq at 0x7fa8cbda6340>, <OpOverload(op='aten.erf_', overload='default')>: <function erf at 0x7fa8cbda5b20>, <OpOverload(op='aten.lcm_', overload='default')>: <function lcm at 0x7fa8cbdd1800>, <OpOverload(op='aten.erfc_', overload='default')>: <function erfc at 0x7fa8cbdd02c0>, <OpOverload(op='aten.erfinv_', overload='default')>: <function erfinv at 0x7fa8cbdd00e0>, <OpOverload(op='aten.exp_', overload='default')>: <function exp at 0x7fa8cbdd0400>, <OpOverload(op='aten.exp2_', overload='default')>: <function exp2 at 0x7fa8cbdd0540>, <OpOverload(op='aten.expm1_', overload='default')>: <function expm1 at 0x7fa8cbdd0680>, <OpOverload(op='aten.float_power_', overload='Tensor')>: <function float_power at 0x7fa8cbdd07c0>, <OpOverload(op='aten.float_power_', overload='Scalar')>: <function float_power at 0x7fa8cbdd07c0>, <OpOverload(op='aten.log1p_', overload='default')>: <function log1p at 0x7fa8cbda77e0>, <OpOverload(op='aten.floor_', overload='default')>: <function floor at 0x7fa8cbdd0900>, <OpOverload(op='aten.floor_divide_', overload='Scalar')>: <function floor_divide at 0x7fa8cbdd0a40>, <OpOverload(op='aten.floor_divide_', overload='Tensor')>: <function floor_divide at 0x7fa8cbdd0a40>, <OpOverload(op='aten.fmod_', overload='Tensor')>: <function fmod at 0x7fa8cbdd0b80>, <OpOverload(op='aten.fmod_', overload='Scalar')>: <function fmod at 0x7fa8cbdd0b80>, <OpOverload(op='aten.frac_', overload='default')>: <function frac at 0x7fa8cbdd0cc0>, <OpOverload(op='aten.log10_', overload='default')>: <function log10 at 0x7fa8cbda72e0>, <OpOverload(op='aten.gcd_', overload='default')>: <function gcd at 0x7fa8cbdd0e00>, <OpOverload(op='aten.ge_', overload='Scalar')>: <function ge at 0x7fa8cbdd0f40>, <OpOverload(op='aten.ge_', overload='Tensor')>: <function ge at 0x7fa8cbdd0f40>, <OpOverload(op='aten.gt_', overload='Scalar')>: <function gt at 0x7fa8cbdd1080>, <OpOverload(op='aten.gt_', overload='Tensor')>: <function gt at 0x7fa8cbdd1080>, <OpOverload(op='aten.heaviside_', overload='default')>: <function heaviside at 0x7fa8cbdd11c0>, <OpOverload(op='aten.lgamma_', overload='default')>: <function lgamma at 0x7fa8cbda6de0>, <OpOverload(op='aten.hypot_', overload='default')>: <function hypot at 0x7fa8cbdd1300>, <OpOverload(op='aten.igamma_', overload='default')>: <function igamma at 0x7fa8cbdd1440>, <OpOverload(op='aten.lerp_', overload='Scalar')>: <function lerp at 0x7fa8cbda6b60>, <OpOverload(op='aten.igammac_', overload='default')>: <function igammac at 0x7fa8cbdd1580>, <OpOverload(op='aten.xlogy_', overload='Tensor')>: <function xlogy at 0x7fa8cbdd31a0>, <OpOverload(op='aten.i0_', overload='default')>: <function i0 at 0x7fa8cbdd16c0>, <OpOverload(op='aten.lerp_', overload='Tensor')>: <function lerp at 0x7fa8cbda6b60>, <OpOverload(op='aten.log2_', overload='default')>: <function log2 at 0x7fa8cbda7ce0>, <OpOverload(op='aten.log_', overload='default')>: <function log at 0x7fa8cbdd19e0>, <OpOverload(op='aten.logical_and_', overload='default')>: <function logical_and at 0x7fa8cbdd1760>, <OpOverload(op='aten.trunc_', overload='default')>: <function trunc at 0x7fa8cbda7060>, <OpOverload(op='aten.logical_not_', overload='default')>: <function logical_not at 0x7fa8cbdd14e0>, <OpOverload(op='aten.logical_or_', overload='default')>: <function logical_or at 0x7fa8cbdd1260>, <OpOverload(op='aten.logical_xor_', overload='default')>: <function logical_xor at 0x7fa8cbdd0fe0>, <OpOverload(op='aten.lt_', overload='Scalar')>: <function lt at 0x7fa8cbdd0d60>, <OpOverload(op='aten.lt_', overload='Tensor')>: <function lt at 0x7fa8cbdd0d60>, <OpOverload(op='aten.mul_', overload='Tensor')>: <function mul at 0x7fa8cbdd0ae0>, <OpOverload(op='aten.mul_', overload='Scalar')>: <function mul at 0x7fa8cbdd0ae0>, <OpOverload(op='aten.true_divide_', overload='Scalar')>: <function true_divide at 0x7fa8cbda7560>, <OpOverload(op='aten.true_divide_', overload='Tensor')>: <function true_divide at 0x7fa8cbda7560>, <OpOverload(op='aten.mvlgamma_', overload='default')>: <function _make_alias.<locals>._fn at 0x7fa8cbdd0860>, <OpOverload(op='aten.nan_to_num_', overload='default')>: <function nan_to_num at 0x7fa8cbdd05e0>, <OpOverload(op='aten.ne_', overload='Scalar')>: <function ne at 0x7fa8cbdd0360>, <OpOverload(op='aten.ne_', overload='Tensor')>: <function ne at 0x7fa8cbdd0360>, <OpOverload(op='aten.neg_', overload='default')>: <function neg at 0x7fa8cbdd0180>, <OpOverload(op='aten.nextafter_', overload='default')>: <function nextafter at 0x7fa8cbdd1b20>, <OpOverload(op='aten.triu_', overload='default')>: <function triu at 0x7fa8cbda7a60>, <OpOverload(op='aten.pow_', overload='Scalar')>: <function pow at 0x7fa8cbdd1c60>, <OpOverload(op='aten.pow_', overload='Tensor')>: <function pow at 0x7fa8cbdd1c60>, <OpOverload(op='aten.rad2deg_', overload='default')>: <function rad2deg at 0x7fa8cbdd1da0>, <OpOverload(op='aten.reciprocal_', overload='default')>: <function reciprocal at 0x7fa8cbdd1ee0>, <OpOverload(op='aten.remainder_', overload='Tensor')>: <function remainder at 0x7fa8cbdd2020>, <OpOverload(op='aten.remainder_', overload='Scalar')>: <function remainder at 0x7fa8cbdd2020>, <OpOverload(op='aten.rsqrt_', overload='default')>: <function rsqrt at 0x7fa8cbdd2160>, <OpOverload(op='aten.sgn_', overload='default')>: <function sgn at 0x7fa8cbdd22a0>, <OpOverload(op='aten.sigmoid_', overload='default')>: <function sigmoid at 0x7fa8cbdd23e0>, <OpOverload(op='aten.sign_', overload='default')>: <function sign at 0x7fa8cbdd2520>, <OpOverload(op='aten.tril_', overload='default')>: <function tril at 0x7fa8cbdd3060>, <OpOverload(op='aten.sin_', overload='default')>: <function sin at 0x7fa8cbdd2660>, <OpOverload(op='aten.sinc_', overload='default')>: <function sinc at 0x7fa8cbdd27a0>, <OpOverload(op='aten.sinh_', overload='default')>: <function sinh at 0x7fa8cbdd28e0>, <OpOverload(op='aten.sqrt_', overload='default')>: <function sqrt at 0x7fa8cbdd2a20>, <OpOverload(op='aten.square_', overload='default')>: <function square at 0x7fa8cbdd2b60>, <OpOverload(op='aten.exponential_', overload='default')>: <function exponential at 0x7fa8cbdd3100>, <OpOverload(op='aten.sub_', overload='Tensor')>: <function sub at 0x7fa8cbdd2ca0>, <OpOverload(op='aten.sub_', overload='Scalar')>: <function sub at 0x7fa8cbdd2ca0>, <OpOverload(op='aten.tan_', overload='default')>: <function tan at 0x7fa8cbdd2de0>, <OpOverload(op='aten.tanh_', overload='default')>: <function tanh at 0x7fa8cbdd2f20>, <OpOverload(op='aten.cauchy_', overload='default')>: <function cauchy at 0x7fa8cbdd3380>, <OpOverload(op='aten.geometric_', overload='default')>: <function geometric at 0x7fa8cbdd2e80>, <OpOverload(op='aten.log_normal_', overload='default')>: <function log_normal at 0x7fa8cbdd2c00>, <OpOverload(op='aten.zero_', overload='default')>: <function zero at 0x7fa8cbdd2980>, <OpOverload(op='aten.alias_copy', overload='default')>: <function PyCapsule.alias at 0x7fa8cbdd2480>, <OpOverload(op='aten.alias_copy', overload='out')>: <function PyCapsule.alias at 0x7fa8cbdd2480>, <OpOverload(op='aten.transpose_copy', overload='int')>: <function PyCapsule.transpose at 0x7fa8cbdd3ba0>, <OpOverload(op='aten.as_strided_copy', overload='default')>: <function PyCapsule.as_strided at 0x7fa8cbdd1f80>, <OpOverload(op='aten.as_strided_copy', overload='out')>: <function PyCapsule.as_strided at 0x7fa8cbdd1f80>, <OpOverload(op='aten.diagonal_copy', overload='out')>: <function PyCapsule.diagonal at 0x7fa8cbdd1a80>, <OpOverload(op='aten.transpose_copy', overload='int_out')>: <function PyCapsule.transpose at 0x7fa8cbdd3ba0>, <OpOverload(op='aten.expand_copy', overload='default')>: <function PyCapsule.expand at 0x7fa8cbdd09a0>, <OpOverload(op='aten.expand_copy', overload='out')>: <function PyCapsule.expand at 0x7fa8cbdd09a0>, <OpOverload(op='aten.narrow_copy', overload='default')>: <function PyCapsule.narrow at 0x7fa8cbdd13a0>, <OpOverload(op='aten.narrow_copy', overload='out')>: <function PyCapsule.narrow at 0x7fa8cbdd13a0>, <OpOverload(op='aten.squeeze_copy', overload='out')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dim_out')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dims_out')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='default')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dim')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.squeeze_copy', overload='dims')>: <function PyCapsule.squeeze at 0x7fa8cbdd3420>, <OpOverload(op='aten.permute_copy', overload='out')>: <function PyCapsule.permute at 0x7fa8cbdd36a0>, <OpOverload(op='aten.permute_copy', overload='default')>: <function PyCapsule.permute at 0x7fa8cbdd36a0>, <OpOverload(op='aten.t_copy', overload='out')>: <function PyCapsule.t at 0x7fa8cbdd3920>, <OpOverload(op='aten.t_copy', overload='default')>: <function PyCapsule.t at 0x7fa8cbdd3920>, <OpOverload(op='aten.unsqueeze_copy', overload='out')>: <function PyCapsule.unsqueeze at 0x7fa8cbdd3d80>, <OpOverload(op='aten.unsqueeze_copy', overload='default')>: <function PyCapsule.unsqueeze at 0x7fa8cbdd3d80>, <OpOverload(op='aten.fft_ifft2', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814360>, kernel=<OpOverload(op='aten.fft_ifft2', overload='default')>), <OpOverload(op='aten.view_copy', overload='out')>: <function PyCapsule.view at 0x7fa8cbdd34c0>, <OpOverload(op='aten.view_copy', overload='dtype_out')>: <function PyCapsule.view at 0x7fa8cbdd34c0>, <OpOverload(op='aten.view_copy', overload='dtype')>: <function PyCapsule.view at 0x7fa8cbdd34c0>, <OpOverload(op='aten.complex', overload='out')>: <function complex at 0x7fa8cbc20b80>, <OpOverload(op='aten.polar', overload='out')>: <function polar at 0x7fa8cbc20e00>, <OpOverload(op='aten.fft_fft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80bc40>, kernel=<OpOverload(op='aten.fft_fft', overload='default')>), <OpOverload(op='aten.fft_fft', overload='out')>: <function fft at 0x7fa8cbc218a0>, <OpOverload(op='aten.fft_ifft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814720>, kernel=<OpOverload(op='aten.fft_ifft', overload='default')>), <OpOverload(op='aten.fft_ifft', overload='out')>: <function ifft at 0x7fa8cbc21b20>, <OpOverload(op='aten.fft_rfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d815440>, kernel=<OpOverload(op='aten.fft_rfft', overload='default')>), <OpOverload(op='aten.fft_rfft', overload='out')>: <function rfft at 0x7fa8cbc21da0>, <OpOverload(op='aten.fft_irfft', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8154e0>, kernel=<OpOverload(op='aten.fft_irfft', overload='default')>), <OpOverload(op='aten.fft_irfft', overload='out')>: <function irfft at 0x7fa8cbc21d00>, <OpOverload(op='aten.__ior__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20d60>, <OpOverload(op='aten.__ior__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20d60>, <OpOverload(op='aten.__irshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20ea0>, <OpOverload(op='aten.__irshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20ea0>, <OpOverload(op='aten.scatter_', overload='value')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.__ixor__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20fe0>, <OpOverload(op='aten.__ixor__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20fe0>, <OpOverload(op='aten.scatter_', overload='src')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.leaky_relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21120>, <OpOverload(op='aten.logit_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21260>, <OpOverload(op='aten.scatter_', overload='reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.scatter_', overload='value_reduce')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3600>, <OpOverload(op='aten.scatter_add_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3e20>, <OpOverload(op='aten.scatter_reduce_', overload='two')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21580>, <OpOverload(op='aten.silu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe21300>, <OpOverload(op='aten.is_complex', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f7a60>, kernel=<OpOverload(op='aten.is_complex', overload='default')>), <OpOverload(op='aten.erfinv', overload='default')>: <function erfinv at 0x7fa8cbe98ea0>, <OpOverload(op='aten.erfinv', overload='out')>: <function erfinv at 0x7fa8cbe98ea0>, <OpOverload(op='aten.zero', overload='default')>: <function zero at 0x7fa8cbe9b4c0>, <OpOverload(op='aten.zero', overload='out')>: <function zero at 0x7fa8cbe9b4c0>, <OpOverload(op='aten.frac', overload='out')>: <function frac at 0x7fa8cbe9bd80>, <OpOverload(op='aten.isneginf', overload='out')>: <function isneginf at 0x7fa8cbe9b9c0>, <OpOverload(op='aten.isinf', overload='out')>: <function isinf at 0x7fa8cbeac680>, <OpOverload(op='aten.isposinf', overload='out')>: <function isposinf at 0x7fa8cbeacae0>, <OpOverload(op='aten.isnan', overload='out')>: <function isnan at 0x7fa8cbe9a2a0>, <OpOverload(op='aten.i0', overload='default')>: <function i0 at 0x7fa8cbead580>, <OpOverload(op='aten.i0', overload='out')>: <function i0 at 0x7fa8cbead580>, <OpOverload(op='aten.logsumexp', overload='names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d809ee0>, kernel=<OpOverload(op='aten.logsumexp', overload='names')>), <OpOverload(op='aten.logsumexp', overload='names_out')>: <function logsumexp at 0x7fa8cbeaf060>, <OpOverload(op='aten.logsumexp', overload='out')>: <function logsumexp at 0x7fa8cbeaf060>, <OpOverload(op='aten.nan_to_num', overload='default')>: <function nan_to_num at 0x7fa8cbeaf2e0>, <OpOverload(op='aten.nan_to_num', overload='out')>: <function nan_to_num at 0x7fa8cbeaf2e0>, <OpOverload(op='aten.sigmoid', overload='out')>: <function sigmoid at 0x7fa8cbecc2c0>, <OpOverload(op='aten.sgn', overload='default')>: <function sgn at 0x7fa8cbecc720>, <OpOverload(op='aten.sgn', overload='out')>: <function sgn at 0x7fa8cbecc720>, <OpOverload(op='aten.sinc', overload='out')>: <function sinc at 0x7fa8cbecd8a0>, <OpOverload(op='aten.add_', overload='Tensor')>: <function add at 0x7fa8cbda6c00>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_out')>: <function bitwise_left_shift at 0x7fa8cbecf9c0>, <OpOverload(op='aten.bitwise_left_shift', overload='Tensor_Scalar_out')>: <function bitwise_left_shift at 0x7fa8cbecf9c0>, <OpOverload(op='aten.bitwise_left_shift', overload='Scalar_Tensor_out')>: <function bitwise_left_shift at 0x7fa8cbecf9c0>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_out')>: <function bitwise_right_shift at 0x7fa8cbee0180>, <OpOverload(op='aten.bitwise_right_shift', overload='Tensor_Scalar_out')>: <function bitwise_right_shift at 0x7fa8cbee0180>, <OpOverload(op='aten.bitwise_right_shift', overload='Scalar_Tensor_out')>: <function bitwise_right_shift at 0x7fa8cbee0180>, <OpOverload(op='aten.copysign', overload='Tensor')>: <function copysign at 0x7fa8cbee0900>, <OpOverload(op='aten.copysign', overload='Scalar')>: <function copysign at 0x7fa8cbee0900>, <OpOverload(op='aten.copysign', overload='out')>: <function copysign at 0x7fa8cbee0900>, <OpOverload(op='aten.copysign', overload='Scalar_out')>: <function copysign at 0x7fa8cbee0900>, <OpOverload(op='aten.heaviside', overload='out')>: <function heaviside at 0x7fa8cbee3420>, <OpOverload(op='aten.lcm', overload='default')>: <function lcm at 0x7fa8cbee09a0>, <OpOverload(op='aten.lcm', overload='out')>: <function lcm at 0x7fa8cbee09a0>, <OpOverload(op='aten.logaddexp', overload='out')>: <function logaddexp at 0x7fa8cbefc4a0>, <OpOverload(op='aten.logaddexp2', overload='out')>: <function logaddexp2 at 0x7fa8cbefc860>, <OpOverload(op='aten.logical_and', overload='out')>: <function logical_and at 0x7fa8cbefcc20>, <OpOverload(op='aten.logical_not', overload='out')>: <function logical_not at 0x7fa8cbefd080>, <OpOverload(op='aten.logical_or', overload='out')>: <function logical_or at 0x7fa8cbefd440>, <OpOverload(op='aten.logical_xor', overload='out')>: <function logical_xor at 0x7fa8cbefd800>, <OpOverload(op='aten.rsub', overload='Tensor')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.rsub', overload='Scalar')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.rsub', overload='Tensor_out')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.rsub', overload='Scalar_out')>: <function rsub at 0x7fa8cbefede0>, <OpOverload(op='aten.clamp', overload='Tensor_out')>: <function clamp at 0x7fa8cbd24400>, <OpOverload(op='aten.xlogy', overload='OutTensor')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.xlogy', overload='OutScalar_Self')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.xlogy', overload='OutScalar_Other')>: <function xlogy at 0x7fa8cbeff740>, <OpOverload(op='aten.clamp', overload='out')>: <function clamp at 0x7fa8cbd24400>, <OpOverload(op='aten.addcdiv', overload='out')>: <function addcdiv at 0x7fa8cbeffd80>, <OpOverload(op='aten.softplus_backward', overload='default')>: <function softplus_backward at 0x7fa8cbf293a0>, <OpOverload(op='aten.softplus_backward', overload='grad_input')>: <function softplus_backward at 0x7fa8cbf293a0>, <OpOverload(op='aten.elu_backward', overload='default')>: <function elu_backward at 0x7fa8cbf28f40>, <OpOverload(op='aten.elu_backward', overload='grad_input')>: <function elu_backward at 0x7fa8cbf28f40>, <OpOverload(op='aten.hardsigmoid', overload='out')>: <function hardsigmoid at 0x7fa8cbf29f80>, <OpOverload(op='aten.hardsigmoid_backward', overload='default')>: <function hardsigmoid_backward at 0x7fa8cbf2a020>, <OpOverload(op='aten.hardsigmoid_backward', overload='grad_input')>: <function hardsigmoid_backward at 0x7fa8cbf2a020>, <OpOverload(op='aten.hardtanh_backward', overload='grad_input')>: <function hardtanh_backward at 0x7fa8cbf298a0>, <OpOverload(op='aten.hardswish', overload='out')>: <function hardswish at 0x7fa8cbf2a520>, <OpOverload(op='aten.hardswish_backward', overload='default')>: <function hardswish_backward at 0x7fa8cbf2a840>, <OpOverload(op='aten.hardswish_backward', overload='out')>: <function hardswish_backward at 0x7fa8cbf2a840>, <OpOverload(op='aten.threshold_backward', overload='default')>: <function threshold_backward at 0x7fa8cbf2a8e0>, <OpOverload(op='aten.threshold_backward', overload='grad_input')>: <function threshold_backward at 0x7fa8cbf2a8e0>, <OpOverload(op='aten.leaky_relu_backward', overload='default')>: <function leaky_relu_backward at 0x7fa8cbf2ac00>, <OpOverload(op='aten.leaky_relu_backward', overload='grad_input')>: <function leaky_relu_backward at 0x7fa8cbf2ac00>, <OpOverload(op='aten.gelu_backward', overload='default')>: <function gelu_backward at 0x7fa8cbf2afc0>, <OpOverload(op='aten.gelu_backward', overload='grad_input')>: <function gelu_backward at 0x7fa8cbf2afc0>, <OpOverload(op='aten.mish_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f5d00>, kernel=<OpOverload(op='aten.mish_backward', overload='default')>), <OpOverload(op='aten.silu', overload='out')>: <function silu at 0x7fa8cbf2b7e0>, <OpOverload(op='aten.silu_backward', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f7560>, kernel=<OpOverload(op='aten.silu_backward', overload='default')>), <OpOverload(op='aten.silu_backward', overload='grad_input')>: <function silu_backward at 0x7fa8cbf2b880>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='out')>: <function rrelu_with_noise_backward at 0x7fa8cbf5c180>, <OpOverload(op='aten._prelu_kernel_backward', overload='default')>: <function _prelu_kernel_backward at 0x7fa8cbf2bc40>, <OpOverload(op='aten.rrelu_with_noise_backward', overload='default')>: <function rrelu_with_noise_backward at 0x7fa8cbf5c180>, <OpOverload(op='aten.log_sigmoid_backward', overload='default')>: <function log_sigmoid_backward at 0x7fa8cbf2be20>, <OpOverload(op='aten.log_sigmoid_backward', overload='grad_input')>: <function log_sigmoid_backward at 0x7fa8cbf2be20>, <OpOverload(op='aten.mse_loss', overload='out')>: <function mse_loss at 0x7fa8cbf29ee0>, <OpOverload(op='aten.mse_loss_backward', overload='default')>: <function mse_loss_backward at 0x7fa8cbf5c220>, <OpOverload(op='aten.mse_loss_backward', overload='grad_input')>: <function mse_loss_backward at 0x7fa8cbf5c220>, <OpOverload(op='aten._safe_softmax', overload='default')>: <function safe_softmax at 0x7fa8cbf5c540>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='default')>: <function smooth_l1_loss_backward at 0x7fa8cbf5ca40>, <OpOverload(op='aten.smooth_l1_loss', overload='default')>: <function smooth_l1_loss at 0x7fa8cbf5c9a0>, <OpOverload(op='aten.smooth_l1_loss_backward', overload='grad_input')>: <function smooth_l1_loss_backward_out at 0x7fa8cbf5cc20>, <OpOverload(op='aten.smooth_l1_loss', overload='out')>: <function smooth_l1_loss at 0x7fa8cbf5c9a0>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='grad_input')>: <function binary_cross_entropy_backward at 0x7fa8cbf5df80>, <OpOverload(op='aten.huber_loss_backward', overload='default')>: <function huber_loss_backward at 0x7fa8cbf5ce00>, <OpOverload(op='aten.huber_loss_backward', overload='out')>: <function huber_loss_backward_out at 0x7fa8cbf5cfe0>, <OpOverload(op='aten.binary_cross_entropy_backward', overload='default')>: <function binary_cross_entropy_backward at 0x7fa8cbf5df80>, <OpOverload(op='aten.glu_backward', overload='default')>: <function glu_backward at 0x7fa8cbf5d260>, <OpOverload(op='aten.glu_backward', overload='grad_input')>: <function glu_backward at 0x7fa8cbf5d260>, <OpOverload(op='aten.nll_loss_backward', overload='default')>: <function nll_loss_backward at 0x7fa8cbf5d620>, <OpOverload(op='aten.nll_loss_backward', overload='grad_input')>: <function nll_loss_backward at 0x7fa8cbf5d620>, <OpOverload(op='aten.nll_loss2d_backward', overload='default')>: <function nll_loss2d_backward at 0x7fa8cbf5d940>, <OpOverload(op='aten.nll_loss2d_backward', overload='grad_input')>: <function nll_loss2d_backward at 0x7fa8cbf5d940>, <OpOverload(op='aten.binary_cross_entropy', overload='default')>: <function binary_cross_entropy at 0x7fa8cbf5dee0>, <OpOverload(op='aten.binary_cross_entropy', overload='out')>: <function binary_cross_entropy at 0x7fa8cbf5dee0>, <OpOverload(op='aten.soft_margin_loss', overload='default')>: <function soft_margin_loss at 0x7fa8cbf5cd60>, <OpOverload(op='aten.soft_margin_loss', overload='out')>: <function soft_margin_loss at 0x7fa8cbf5cd60>, <OpOverload(op='aten.soft_margin_loss_backward', overload='default')>: <function soft_margin_loss_backward at 0x7fa8cbf5cb80>, <OpOverload(op='aten.soft_margin_loss_backward', overload='grad_input')>: <function soft_margin_loss_backward at 0x7fa8cbf5cb80>, <OpOverload(op='aten.dist', overload='default')>: <function dist at 0x7fa8cbf5e3e0>, <OpOverload(op='aten.dist', overload='out')>: <function dist at 0x7fa8cbf5e3e0>, <OpOverload(op='aten._euclidean_dist', overload='default')>: <function _euclidean_dist at 0x7fa8cbf5e660>, <OpOverload(op='aten._euclidean_dist', overload='out')>: <function _euclidean_dist at 0x7fa8cbf5e660>, <OpOverload(op='aten.slice_backward', overload='default')>: <function slice_backward at 0x7fa8cbf5e8e0>, <OpOverload(op='aten.slice_backward', overload='out')>: <function slice_backward at 0x7fa8cbf5e8e0>, <OpOverload(op='aten.select_backward', overload='default')>: <function select_backward at 0x7fa8cbf5efc0>, <OpOverload(op='aten.select_backward', overload='out')>: <function select_backward at 0x7fa8cbf5efc0>, <OpOverload(op='aten.diagonal_backward', overload='default')>: <function diagonal_backward at 0x7fa8cbf5f240>, <OpOverload(op='aten.diagonal_backward', overload='out')>: <function diagonal_backward at 0x7fa8cbf5f240>, <OpOverload(op='aten._softmax_backward_data', overload='default')>: <function _softmax_backward_data at 0x7fa8cbf5f380>, <OpOverload(op='aten._softmax_backward_data', overload='out')>: <function _softmax_backward_data at 0x7fa8cbf5f380>, <OpOverload(op='aten.col2im', overload='out')>: <function col2im at 0x7fa8cbf5fc40>, <OpOverload(op='aten._log_softmax_backward_data', overload='default')>: <function _log_softmax_backward_data at 0x7fa8cbf5f9c0>, <OpOverload(op='aten._log_softmax_backward_data', overload='out')>: <function _log_softmax_backward_data at 0x7fa8cbf5f9c0>, <OpOverload(op='aten.im2col', overload='out')>: <function im2col at 0x7fa8cbf5fce0>, <OpOverload(op='aten.native_dropout_backward', overload='default')>: <function native_dropout_backward at 0x7fa8cbf5eca0>, <OpOverload(op='aten.native_dropout_backward', overload='out')>: <function native_dropout_backward at 0x7fa8cbf5eca0>, <OpOverload(op='aten.logit_backward', overload='default')>: <function logit_backward at 0x7fa8cbf5c400>, <OpOverload(op='aten.unfold_backward', overload='default')>: <function unfold_backward at 0x7fa8cbf5e340>, <OpOverload(op='aten.unfold_backward', overload='out')>: <function unfold_backward at 0x7fa8cbf5e340>, <OpOverload(op='aten.addmm', overload='out')>: <function addmm at 0x7fa8cbf8a020>, <OpOverload(op='aten.native_dropout', overload='out')>: <function native_dropout at 0x7fa8cbf88720>, <OpOverload(op='aten._softmax', overload='out')>: <function _softmax at 0x7fa8cbf88ae0>, <OpOverload(op='aten._log_softmax', overload='out')>: <function _log_softmax at 0x7fa8cbf88d60>, <OpOverload(op='aten.embedding', overload='out')>: <function embedding at 0x7fa8cbf88fe0>, <OpOverload(op='aten._addmm_activation', overload='default')>: <function _addmm_activation at 0x7fa8cbf8a0c0>, <OpOverload(op='aten._addmm_activation', overload='out')>: <function _addmm_activation at 0x7fa8cbf8a0c0>, <OpOverload(op='aten._chunk_cat', overload='default')>: <function _chunk_cat at 0x7fa8cbf89580>, <OpOverload(op='aten.embedding_dense_backward', overload='default')>: <function embedding_dense_backward at 0x7fa8cbf89260>, <OpOverload(op='aten._chunk_cat', overload='out')>: <function _chunk_cat at 0x7fa8cbf89580>, <OpOverload(op='aten.embedding_dense_backward', overload='out')>: <function embedding_dense_backward at 0x7fa8cbf89260>, <OpOverload(op='aten.split_with_sizes_copy', overload='default')>: <function split_with_sizes_copy at 0x7fa8cbf89620>, <OpOverload(op='aten.split_with_sizes_copy', overload='out')>: <function split_with_sizes_copy at 0x7fa8cbf89620>, <OpOverload(op='aten.unsafe_split_with_sizes', overload='default')>: <function unsafe_split_with_sizes at 0x7fa8cbf898a0>, <OpOverload(op='aten.native_group_norm_backward', overload='default')>: <function native_group_norm_backward at 0x7fa8cbf896c0>, <OpOverload(op='aten.native_group_norm_backward', overload='out')>: <function native_group_norm_backward_out at 0x7fa8cbf891c0>, <OpOverload(op='aten.addmv', overload='out')>: <function addmv at 0x7fa8cbf89800>, <OpOverload(op='aten.native_layer_norm_backward', overload='default')>: <function native_layer_norm_backward at 0x7fa8cbf88860>, <OpOverload(op='aten.native_layer_norm_backward', overload='out')>: <function native_layer_norm_backward_out at 0x7fa8cbf88040>, <OpOverload(op='aten.batch_norm_backward', overload='default')>: <function batch_norm_backward at 0x7fa8cbf89940>, <OpOverload(op='aten.native_batch_norm', overload='out')>: <function native_batch_norm at 0x7fa8cbf8a8e0>, <OpOverload(op='aten.cudnn_batch_norm', overload='default')>: <function cudnn_batch_norm at 0x7fa8cbf8a160>, <OpOverload(op='aten._batch_norm_with_update', overload='default')>: <function _batch_norm_with_update at 0x7fa8cbf8b240>, <OpOverload(op='aten._batch_norm_with_update_functional', overload='default')>: <function _batch_norm_with_update_functional at 0x7fa8cbf8b2e0>, <OpOverload(op='aten.lift', overload='out')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten._batch_norm_no_update', overload='default')>: <function _batch_norm_no_update at 0x7fa8cbf8b420>, <OpOverload(op='aten._fused_dropout', overload='default')>: <function _fused_dropout_decomposition at 0x7fa8cbf8bce0>, <OpOverload(op='aten._fused_dropout', overload='out')>: <function _fused_dropout_decomposition at 0x7fa8cbf8bce0>, <OpOverload(op='aten._to_copy', overload='out')>: <function _to_copy at 0x7fa8cbfac0e0>, <OpOverload(op='aten.lift', overload='default')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten.cudnn_batch_norm', overload='out')>: <function cudnn_batch_norm at 0x7fa8cbf8a160>, <OpOverload(op='aten.index_copy', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ed9e0>, kernel=<OpOverload(op='aten.index_copy', overload='dimname')>), <OpOverload(op='aten.native_batch_norm_backward', overload='default')>: <function native_batch_norm_backward at 0x7fa8cbf89da0>, <OpOverload(op='aten.native_batch_norm_backward', overload='out')>: <function native_batch_norm_backward_out at 0x7fa8cbfac2c0>, <OpOverload(op='aten.index_copy', overload='default')>: <function index_copy at 0x7fa8cbfadc60>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='default')>: <function miopen_batch_norm_backward at 0x7fa8cbfaca40>, <OpOverload(op='aten.miopen_batch_norm_backward', overload='out')>: <function miopen_batch_norm_backward at 0x7fa8cbfaca40>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='default')>: <function cudnn_batch_norm_backward at 0x7fa8cbfad120>, <OpOverload(op='aten.cudnn_batch_norm_backward', overload='out')>: <function cudnn_batch_norm_backward at 0x7fa8cbfad120>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='default')>: <function adaptive_avg_pool2d at 0x7fa8cbfad580>, <OpOverload(op='aten._adaptive_avg_pool2d', overload='out')>: <function adaptive_avg_pool2d at 0x7fa8cbfad580>, <OpOverload(op='aten.max_unpool2d', overload='default')>: <function max_unpool2d at 0x7fa8cbfad8a0>, <OpOverload(op='aten.max_unpool2d', overload='out')>: <function max_unpool2d at 0x7fa8cbfad8a0>, <OpOverload(op='aten.max_unpool3d', overload='default')>: <function max_unpool3d at 0x7fa8cbfadb20>, <OpOverload(op='aten.max_unpool3d', overload='out')>: <function max_unpool3d at 0x7fa8cbfadb20>, <OpOverload(op='aten.index_add_', overload='default')>: <function index_add_ at 0x7fa8cbfad940>, <OpOverload(op='aten.pad_sequence', overload='default')>: <function pad_sequence at 0x7fa8cbfae020>, <OpOverload(op='aten.index_add', overload='default')>: <function index_add at 0x7fa8cbfadee0>, <OpOverload(op='aten.index_add', overload='out')>: <function index_add at 0x7fa8cbfadee0>, <OpOverload(op='aten.index_add', overload='dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ef060>, kernel=<OpOverload(op='aten.index_add', overload='dimname')>), <OpOverload(op='aten.index_copy', overload='out')>: <function index_copy at 0x7fa8cbfadc60>, <OpOverload(op='aten.index_copy_', overload='default')>: <function index_copy_ at 0x7fa8cbfadf80>, <OpOverload(op='aten.index_copy_', overload='dimname')>: <function index_copy_ at 0x7fa8cbfadf80>, <OpOverload(op='aten.gru', overload='input')>: <function gru_impl at 0x7fa8cbfcd580>, <OpOverload(op='aten.log_sigmoid_forward', overload='default')>: <function log_sigmoid_forward at 0x7fa8cbfae3e0>, <OpOverload(op='aten.log_sigmoid_forward', overload='output')>: <function log_sigmoid_forward at 0x7fa8cbfae3e0>, <OpOverload(op='aten.uniform_', overload='default')>: <function uniform_ at 0x7fa8cbfae5c0>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fa8cbfaf380>, <OpOverload(op='aten.gru', overload='data')>: <function gru_impl_data at 0x7fa8cbfcd3a0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fa8cbfaf380>, <OpOverload(op='aten.lstm', overload='data')>: <function lstm_data_impl at 0x7fa8cbfcd080>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='vec')>: <function _upsample_nearest_exact_vec at 0x7fa8cbfaf380>, <OpOverload(op='aten.upsample_nearest1d', overload='out')>: <function upsample_nearest1d at 0x7fa8cbfaf740>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='default')>: <function upsample_nearest_exact1d at 0x7fa8cbfafa60>, <OpOverload(op='aten._upsample_nearest_exact1d', overload='out')>: <function upsample_nearest_exact1d at 0x7fa8cbfafa60>, <OpOverload(op='aten.upsample_nearest2d', overload='out')>: <function upsample_nearest2d at 0x7fa8cbfafd80>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='default')>: <function _upsample_nearest_exact2d at 0x7fa8cbfcc0e0>, <OpOverload(op='aten._upsample_nearest_exact2d', overload='out')>: <function _upsample_nearest_exact2d at 0x7fa8cbfcc0e0>, <OpOverload(op='aten.upsample_nearest3d', overload='out')>: <function upsample_nearest3d at 0x7fa8cbfcc400>, <OpOverload(op='aten.lstm', overload='input')>: <function lstm_impl at 0x7fa8cbfccea0>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='default')>: <function _upsample_nearest_exact3d at 0x7fa8cbfcc720>, <OpOverload(op='aten._upsample_nearest_exact3d', overload='out')>: <function _upsample_nearest_exact3d at 0x7fa8cbfcc720>, <OpOverload(op='aten.rnn_tanh', overload='input')>: <function rnn_tanh_input at 0x7fa8cbfccf40>, <OpOverload(op='aten.rnn_relu', overload='input')>: <function rnn_relu_input at 0x7fa8cbfaf9c0>, <OpOverload(op='aten.rnn_relu', overload='data')>: <function rnn_relu_data at 0x7fa8cbfaf060>, <OpOverload(op='aten.rnn_tanh', overload='data')>: <function rnn_tanh_data at 0x7fa8cbfaec00>, <OpOverload(op='aten._upsample_bilinear2d_aa', overload='vec')>: <function upsample_bilinear2d_aa_vec at 0x7fa8cbfcd760>, <OpOverload(op='aten._upsample_bicubic2d_aa', overload='vec')>: <function upsample_bicubic2d_aa_vec at 0x7fa8cbfcd940>, <OpOverload(op='aten.affine_grid_generator', overload='default')>: <function affine_grid_generator at 0x7fa8cbfcfce0>, <OpOverload(op='aten.upsample_linear1d', overload='out')>: <function upsample_linear1d at 0x7fa8cbfce020>, <OpOverload(op='aten.upsample_linear1d', overload='vec')>: <function _upsample_linear_vec at 0x7fa8cbfcde40>, <OpOverload(op='aten.upsample_bilinear2d', overload='out')>: <function upsample_bilinear2d at 0x7fa8cbfce340>, <OpOverload(op='aten.upsample_trilinear3d', overload='out')>: <function upsample_trilinear3d at 0x7fa8cbfce5c0>, <OpOverload(op='aten._reshape_alias', overload='default')>: <function _reshape_alias at 0x7fa8cbfced40>, <OpOverload(op='aten._unsafe_view', overload='out')>: <function _reshape_alias at 0x7fa8cbfced40>, <OpOverload(op='aten._unsafe_masked_index', overload='default')>: <function _unsafe_masked_index at 0x7fa8cbfcef20>, <OpOverload(op='aten._unsafe_masked_index_put_accumulate', overload='default')>: <function _unsafe_masked_index_put_accumulate at 0x7fa8cbfcf060>, <OpOverload(op='aten.nll_loss_forward', overload='output')>: <function nll_loss_forward at 0x7fa8cbfcf880>, <OpOverload(op='aten.nll_loss2d_forward', overload='default')>: <function nll_loss2d_forward at 0x7fa8cbfcf100>, <OpOverload(op='aten.nll_loss2d_forward', overload='output')>: <function nll_loss2d_forward at 0x7fa8cbfcf100>, <OpOverload(op='aten.affine_grid_generator', overload='out')>: <function affine_grid_generator at 0x7fa8cbfcfce0>, <OpOverload(op='aten.grid_sampler_2d', overload='out')>: <function grid_sampler_2d at 0x7fa8cbff00e0>, <OpOverload(op='aten._weight_norm_interface', overload='out')>: <function _weight_norm_interface at 0x7fa8cbff3c40>, <OpOverload(op='aten.mv', overload='out')>: <function mv at 0x7fa8cbff0400>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='default')>: <function binary_cross_entropy_with_logits at 0x7fa8cbff0680>, <OpOverload(op='aten.binary_cross_entropy_with_logits', overload='out')>: <function binary_cross_entropy_with_logits at 0x7fa8cbff0680>, <OpOverload(op='aten.upsample_bicubic2d', overload='out')>: <function upsample_bicubic2d_default at 0x7fa8cbff0e00>, <OpOverload(op='aten.reflection_pad3d', overload='default')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad3d', overload='out')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad2d', overload='out')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.reflection_pad1d', overload='out')>: <function _reflection_pad at 0x7fa8cbff13a0>, <OpOverload(op='aten.replication_pad3d', overload='out')>: <function _replication_pad at 0x7fa8cbff1800>, <OpOverload(op='aten.replication_pad2d', overload='out')>: <function _replication_pad at 0x7fa8cbff1800>, <OpOverload(op='aten.replication_pad1d', overload='out')>: <function _replication_pad at 0x7fa8cbff1800>, <OpOverload(op='aten.reflection_pad3d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fa8cbff16c0>, <OpOverload(op='aten.reflection_pad3d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fa8cbff16c0>, <OpOverload(op='aten.reflection_pad2d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.reflection_pad2d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.reflection_pad1d_backward', overload='default')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.reflection_pad1d_backward', overload='grad_input')>: <function _reflection_pad_backward at 0x7fa8cbff11c0>, <OpOverload(op='aten.aminmax', overload='default')>: <function aminmax at 0x7fa8cbff1d00>, <OpOverload(op='aten.aminmax', overload='out')>: <function aminmax at 0x7fa8cbff1d00>, <OpOverload(op='aten.nansum', overload='default')>: <function nansum at 0x7fa8cbff20c0>, <OpOverload(op='aten.nansum', overload='out')>: <function nansum at 0x7fa8cbff20c0>, <OpOverload(op='aten.arange', overload='out')>: <function arange_default at 0x7fa8cbff2340>, <OpOverload(op='aten.multi_margin_loss', overload='default')>: <function multi_margin_loss at 0x7fa8cbff2980>, <OpOverload(op='aten.multi_margin_loss', overload='out')>: <function multi_margin_loss at 0x7fa8cbff2980>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='default')>: <function multilabel_margin_loss_forward at 0x7fa8cbff3060>, <OpOverload(op='aten.multilabel_margin_loss_forward', overload='output')>: <function multilabel_margin_loss_forward at 0x7fa8cbff3060>, <OpOverload(op='aten.isin', overload='Scalar_Tensor')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.isin', overload='Tensor_Scalar_out')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.baddbmm', overload='out')>: <function baddbmm at 0x7fa8cbff36a0>, <OpOverload(op='aten.isin', overload='Tensor_Scalar')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.floor_divide', overload='Scalar')>: <function floor_divide at 0x7fa8cbff3920>, <OpOverload(op='aten.floor_divide', overload='out')>: <function floor_divide at 0x7fa8cbff3920>, <OpOverload(op='aten.floor_divide', overload='Scalar_out')>: <function floor_divide at 0x7fa8cbff3920>, <OpOverload(op='aten.isin', overload='Tensor_Tensor_out')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.isin', overload='Tensor_Tensor')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten._weight_norm_interface', overload='default')>: <function _weight_norm_interface at 0x7fa8cbff3c40>, <OpOverload(op='aten.isin', overload='Scalar_Tensor_out')>: <function isin at 0x7fa8cbff3ce0>, <OpOverload(op='aten.round_', overload='decimals')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff1e40>, <OpOverload(op='aten.take', overload='default')>: <function take at 0x7fa8cbff22a0>, <OpOverload(op='aten.take', overload='out')>: <function take at 0x7fa8cbff22a0>, <OpOverload(op='aten.round_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff1e40>, <OpOverload(op='aten.resize_as', overload='default')>: <function resize_as at 0x7fa8cbff28e0>, <OpOverload(op='aten.resize_as', overload='out')>: <function resize_as at 0x7fa8cbff28e0>, <OpOverload(op='aten.addbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff2020>, <OpOverload(op='aten.renorm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff1a80>, <OpOverload(op='aten.addmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff14e0>, <OpOverload(op='aten.addmv_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbff3f60>, <OpOverload(op='aten.baddbmm_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe200e0>, <OpOverload(op='aten.fill_', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20220>, <OpOverload(op='aten.fill_', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20220>, <OpOverload(op='aten.gelu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20360>, <OpOverload(op='aten.hardswish_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe204a0>, <OpOverload(op='aten.hardtanh_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe205e0>, <OpOverload(op='aten.hardsigmoid_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20720>, <OpOverload(op='aten.__iand__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20860>, <OpOverload(op='aten.__iand__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20860>, <OpOverload(op='aten.__ilshift__', overload='Tensor')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe209a0>, <OpOverload(op='aten.__ilshift__', overload='Scalar')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe209a0>, <OpOverload(op='aten.relu_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe213a0>, <OpOverload(op='aten.index_reduce_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20c20>, <OpOverload(op='aten.nextafter', overload='out')>: <function nextafter at 0x7fa8cbefe7a0>, <OpOverload(op='aten.pow', overload='Tensor_Scalar_out')>: <function pow at 0x7fa8cbee0ae0>, <OpOverload(op='aten.pow', overload='Tensor_Tensor_out')>: <function pow at 0x7fa8cbee0ae0>, <OpOverload(op='aten.pow', overload='Scalar_out')>: <function pow at 0x7fa8cbee0ae0>, <OpOverload(op='aten.remainder', overload='Tensor_out')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.remainder', overload='Scalar_out')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.remainder', overload='Scalar_Tensor_out')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.remainder', overload='Scalar_Tensor')>: <function remainder at 0x7fa8cbefeb60>, <OpOverload(op='aten.sub', overload='Scalar_out')>: <function sub at 0x7fa8cbeff100>, <OpOverload(op='aten.sub', overload='out')>: <function sub at 0x7fa8cbeff100>, <OpOverload(op='aten.squeeze', overload='dims')>: <function squeeze at 0x7fa8cbd558a0>, <OpOverload(op='aten.transpose', overload='Dimname')>: <function transpose at 0x7fa8cbd782c0>, <OpOverload(op='aten.as_strided_scatter', overload='out')>: <function as_strided_scatter at 0x7fa8cbd274c0>, <OpOverload(op='aten.cat', overload='names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ed260>, kernel=<OpOverload(op='aten.cat', overload='names')>), <OpOverload(op='aten.cat', overload='out')>: <function cat at 0x7fa8cbd27a60>, <OpOverload(op='aten.cat', overload='names_out')>: <function cat at 0x7fa8cbd27a60>, <OpOverload(op='aten.where', overload='self_out')>: <function where at 0x7fa8cbd24540>, <OpOverload(op='aten.sum', overload='IntList_out')>: <function sum at 0x7fa8cbd25800>, <OpOverload(op='aten.sum', overload='out')>: <function sum_default at 0x7fa8cbff39c0>, <OpOverload(op='aten.sum', overload='dim_DimnameList')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d803380>, kernel=<OpOverload(op='aten.sum', overload='dim_DimnameList')>), <OpOverload(op='aten.prod', overload='default')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.prod', overload='dim_Dimname')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d80be20>, kernel=<OpOverload(op='aten.prod', overload='dim_Dimname')>), <OpOverload(op='aten.prod', overload='Dimname_out')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.prod', overload='int_out')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.prod', overload='out')>: <function prod at 0x7fa8cbd25bc0>, <OpOverload(op='aten.var', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d814680>, kernel=<OpOverload(op='aten.var', overload='default')>), <OpOverload(op='aten.var', overload='dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8147c0>, kernel=<OpOverload(op='aten.var', overload='dim')>), <OpOverload(op='aten.var', overload='correction')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='names_out')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='out')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='correction_out')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.var', overload='names_dim')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f4360>, kernel=<OpOverload(op='aten.var', overload='names_dim')>), <OpOverload(op='aten.var', overload='correction_names')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7ef880>, kernel=<OpOverload(op='aten.var', overload='correction_names')>), <OpOverload(op='aten.var', overload='correction_names_out')>: <function var at 0x7fa8cbd262a0>, <OpOverload(op='aten.amax', overload='out')>: <function amax at 0x7fa8cbd25da0>, <OpOverload(op='aten.amin', overload='out')>: <function amin at 0x7fa8cbd25c60>, <OpOverload(op='aten.empty_strided', overload='out')>: <function empty_strided at 0x7fa8cbd793a0>, <OpOverload(op='aten.full', overload='out')>: <function full at 0x7fa8cbd7aca0>, <OpOverload(op='aten.svd', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f6fc0>, kernel=<OpOverload(op='aten.svd', overload='default')>), <OpOverload(op='aten.normal', overload='Tensor_float_out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='float_Tensor_out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='Tensor_Tensor_out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='float_float_out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.normal', overload='out')>: <function normal at 0x7fa8cbda59e0>, <OpOverload(op='aten.uniform', overload='default')>: <function uniform at 0x7fa8cbfae7a0>, <OpOverload(op='aten.uniform', overload='out')>: <function uniform at 0x7fa8cbfae7a0>, <OpOverload(op='aten.frexp', overload='Tensor')>: <function frexp at 0x7fa8cbee23e0>, <OpOverload(op='aten.frexp', overload='Tensor_out')>: <function frexp at 0x7fa8cbee23e0>, <OpOverload(op='aten.linear', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d801d00>, kernel=<OpOverload(op='aten.linear', overload='default')>), <OpOverload(op='aten.tanh_backward', overload='grad_input')>: <function tanh_backward at 0x7fa8cbf28b80>, <OpOverload(op='aten.sigmoid_backward', overload='default')>: <function sigmoid_backward at 0x7fa8cbf28fe0>, <OpOverload(op='aten.sigmoid_backward', overload='grad_input')>: <function sigmoid_backward at 0x7fa8cbf28fe0>, <OpOverload(op='aten.log10', overload='out')>: <function log10 at 0x7fa8cbeaeb60>, <OpOverload(op='aten.reciprocal', overload='out')>: <function reciprocal at 0x7fa8cbeaef20>, <OpOverload(op='aten.neg', overload='out')>: <function neg at 0x7fa8cbeaf7e0>, <OpOverload(op='aten.round', overload='out')>: <function round at 0x7fa8cbeada80>, <OpOverload(op='aten.round', overload='decimals_out')>: <function round at 0x7fa8cbeada80>, <OpOverload(op='aten.rsqrt', overload='out')>: <function rsqrt at 0x7fa8cbeafe20>, <OpOverload(op='aten.sign', overload='out')>: <function sign at 0x7fa8cbeccb80>, <OpOverload(op='aten.signbit', overload='default')>: <function signbit at 0x7fa8cbeccfe0>, <OpOverload(op='aten.signbit', overload='out')>: <function signbit at 0x7fa8cbeccfe0>, <OpOverload(op='aten.sin', overload='out')>: <function sin at 0x7fa8cbecd440>, <OpOverload(op='aten.sinh', overload='out')>: <function sinh at 0x7fa8cbecdd00>, <OpOverload(op='aten.sqrt', overload='out')>: <function sqrt at 0x7fa8cbece160>, <OpOverload(op='aten.tan', overload='out')>: <function tan at 0x7fa8cbece980>, <OpOverload(op='aten.tanh', overload='out')>: <function tanh at 0x7fa8cbecede0>, <OpOverload(op='aten.trunc', overload='out')>: <function trunc at 0x7fa8cbece200>, <OpOverload(op='aten.add', overload='Scalar_out')>: <function add at 0x7fa8cbecc360>, <OpOverload(op='aten.add', overload='out')>: <function add at 0x7fa8cbecc360>, <OpOverload(op='aten.atan2', overload='out')>: <function atan2 at 0x7fa8cbecf240>, <OpOverload(op='aten.bitwise_and', overload='Tensor_out')>: <function bitwise_and at 0x7fa8cbecf600>, <OpOverload(op='aten.bitwise_and', overload='Scalar_out')>: <function bitwise_and at 0x7fa8cbecf600>, <OpOverload(op='aten.bitwise_and', overload='Scalar_Tensor_out')>: <function bitwise_and at 0x7fa8cbecf600>, <OpOverload(op='aten.bitwise_or', overload='Tensor_out')>: <function bitwise_or at 0x7fa8cbecfd80>, <OpOverload(op='aten.bitwise_or', overload='Scalar_out')>: <function bitwise_or at 0x7fa8cbecfd80>, <OpOverload(op='aten.bitwise_or', overload='Scalar_Tensor_out')>: <function bitwise_or at 0x7fa8cbecfd80>, <OpOverload(op='aten.bitwise_xor', overload='Tensor_out')>: <function bitwise_xor at 0x7fa8cbee0540>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_out')>: <function bitwise_xor at 0x7fa8cbee0540>, <OpOverload(op='aten.bitwise_xor', overload='Scalar_Tensor_out')>: <function bitwise_xor at 0x7fa8cbee0540>, <OpOverload(op='aten.div', overload='out')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='out_mode')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='Scalar_out')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.div', overload='Scalar_mode_out')>: <function div at 0x7fa8cbee0b80>, <OpOverload(op='aten.eq', overload='Scalar_out')>: <function eq at 0x7fa8cbecfe20>, <OpOverload(op='aten.eq', overload='Tensor_out')>: <function eq at 0x7fa8cbecfe20>, <OpOverload(op='aten.fmax', overload='default')>: <function fmax at 0x7fa8cbee16c0>, <OpOverload(op='aten.fmax', overload='out')>: <function fmax at 0x7fa8cbee16c0>, <OpOverload(op='aten.fmin', overload='default')>: <function fmin at 0x7fa8cbee1a80>, <OpOverload(op='aten.fmin', overload='out')>: <function fmin at 0x7fa8cbee1a80>, <OpOverload(op='aten.fmod', overload='Scalar_out')>: <function fmod at 0x7fa8cbee1e40>, <OpOverload(op='aten.fmod', overload='Tensor_out')>: <function fmod at 0x7fa8cbee1e40>, <OpOverload(op='aten.gcd', overload='out')>: <function gcd at 0x7fa8cbee28e0>, <OpOverload(op='aten.gcd', overload='default')>: <function gcd at 0x7fa8cbee28e0>, <OpOverload(op='aten.ge', overload='Scalar_out')>: <function ge at 0x7fa8cbee2ca0>, <OpOverload(op='aten.ge', overload='Tensor_out')>: <function ge at 0x7fa8cbee2ca0>, <OpOverload(op='aten.gt', overload='Tensor_out')>: <function gt at 0x7fa8cbee3060>, <OpOverload(op='aten.gt', overload='Scalar_out')>: <function gt at 0x7fa8cbee3060>, <OpOverload(op='aten.hypot', overload='default')>: <function hypot at 0x7fa8cbee37e0>, <OpOverload(op='aten.hypot', overload='out')>: <function hypot at 0x7fa8cbee37e0>, <OpOverload(op='aten.igamma', overload='default')>: <function igamma at 0x7fa8cbee3ba0>, <OpOverload(op='aten.igamma', overload='out')>: <function igamma at 0x7fa8cbee3ba0>, <OpOverload(op='aten.igammac', overload='default')>: <function igammac at 0x7fa8cbee34c0>, <OpOverload(op='aten.igammac', overload='out')>: <function igammac at 0x7fa8cbee34c0>, <OpOverload(op='aten.le', overload='Tensor_out')>: <function le at 0x7fa8cbefc0e0>, <OpOverload(op='aten.le', overload='Scalar_out')>: <function le at 0x7fa8cbefc0e0>, <OpOverload(op='aten.lt', overload='Tensor_out')>: <function lt at 0x7fa8cbefdbc0>, <OpOverload(op='aten.lt', overload='Scalar_out')>: <function lt at 0x7fa8cbefdbc0>, <OpOverload(op='aten.maximum', overload='out')>: <function maximum at 0x7fa8cbefdf80>, <OpOverload(op='aten.tanh_backward', overload='default')>: <function tanh_backward at 0x7fa8cbf28b80>, <OpOverload(op='aten.minimum', overload='out')>: <function minimum at 0x7fa8cbefe340>, <OpOverload(op='aten.mul', overload='Scalar')>: <function mul at 0x7fa8cbefd120>, <OpOverload(op='aten.mul', overload='Scalar_out')>: <function mul at 0x7fa8cbefd120>, <OpOverload(op='aten.mul', overload='out')>: <function mul at 0x7fa8cbefd120>, <OpOverload(op='aten.ne', overload='Tensor_out')>: <function ne at 0x7fa8cbefe3e0>, <OpOverload(op='aten.ne', overload='Scalar_out')>: <function ne at 0x7fa8cbefe3e0>, <OpOverload(op='aten.nextafter', overload='default')>: <function nextafter at 0x7fa8cbefe7a0>, <OpOverload(op='aten.acosh', overload='out')>: <function acosh at 0x7fa8cbe23100>, <OpOverload(op='aten.asin', overload='out')>: <function asin at 0x7fa8cbe23560>, <OpOverload(op='aten.asinh', overload='out')>: <function asinh at 0x7fa8cbe239c0>, <OpOverload(op='aten.atan', overload='out')>: <function atan at 0x7fa8cbe23e20>, <OpOverload(op='aten.atanh', overload='out')>: <function atanh at 0x7fa8cbe982c0>, <OpOverload(op='aten.cos', overload='out')>: <function cos at 0x7fa8cbe993a0>, <OpOverload(op='aten.cosh', overload='out')>: <function cosh at 0x7fa8cbe99800>, <OpOverload(op='aten.bitwise_not', overload='out')>: <function bitwise_not at 0x7fa8cbe98720>, <OpOverload(op='aten.ceil', overload='out')>: <function ceil at 0x7fa8cbe98b80>, <OpOverload(op='aten.conj_physical', overload='default')>: <function conj_physical at 0x7fa8cbe98f40>, <OpOverload(op='aten.conj_physical', overload='out')>: <function conj_physical at 0x7fa8cbe98f40>, <OpOverload(op='aten.clone', overload='out')>: <function clone at 0x7fa8cbd247c0>, <OpOverload(op='aten.digamma', overload='default')>: <function digamma at 0x7fa8cbe99c60>, <OpOverload(op='aten.digamma', overload='out')>: <function digamma at 0x7fa8cbe99c60>, <OpOverload(op='aten.erf', overload='out')>: <function erf at 0x7fa8cbe23a60>, <OpOverload(op='aten.erfc', overload='out')>: <function erfc at 0x7fa8cbe9a200>, <OpOverload(op='aten.exp', overload='out')>: <function exp at 0x7fa8cbe9a660>, <OpOverload(op='aten.expm1', overload='out')>: <function expm1 at 0x7fa8cbe9aac0>, <OpOverload(op='aten.exp2', overload='out')>: <function exp2 at 0x7fa8cbe9af20>, <OpOverload(op='aten.floor', overload='out')>: <function floor at 0x7fa8cbe9b920>, <OpOverload(op='aten.lgamma', overload='default')>: <function lgamma at 0x7fa8cbead9e0>, <OpOverload(op='aten.lgamma', overload='out')>: <function lgamma at 0x7fa8cbead9e0>, <OpOverload(op='aten.log', overload='out')>: <function log at 0x7fa8cbeade40>, <OpOverload(op='aten.log1p', overload='out')>: <function log1p at 0x7fa8cbeae2a0>, <OpOverload(op='aten.log2', overload='out')>: <function log2 at 0x7fa8cbeae700>, <OpOverload(op='aten.abs', overload='out')>: <function abs at 0x7fa8cbe22700>, <OpOverload(op='aten.acos', overload='out')>: <function acos at 0x7fa8cbe22ca0>, <OpOverload(op='aten.sym_numel', overload='default')>: <function sym_numel at 0x7fa8cbff3740>, <OpOverload(op='aten.diagonal_scatter', overload='default')>: <function diagonal_scatter at 0x7fa8cbd577e0>, <OpOverload(op='aten.as_strided_scatter', overload='default')>: <function as_strided_scatter at 0x7fa8cbd274c0>, <OpOverload(op='aten.lift_fresh', overload='default')>: <function nop_decomposition at 0x7fa8cbfac360>, <OpOverload(op='aten.empty_like', overload='out')>: <function empty_like at 0x7fa8cbd79e40>, <OpOverload(op='aten.ones_like', overload='out')>: <function ones_like at 0x7fa8cbd7b240>, <OpOverload(op='aten.zeros_like', overload='out')>: <function zeros_like at 0x7fa8cbd7afc0>, <OpOverload(op='aten.new_empty', overload='out')>: <function new_empty at 0x7fa8cbd78a40>, <OpOverload(op='aten.new_empty_strided', overload='out')>: <function new_empty_strided at 0x7fa8cbd78360>, <OpOverload(op='aten.new_full', overload='out')>: <function new_full at 0x7fa8cbd79bc0>, <OpOverload(op='aten.new_zeros', overload='out')>: <function new_zeros at 0x7fa8cbd79440>, <OpOverload(op='aten.new_ones', overload='out')>: <function new_ones at 0x7fa8cbd79940>, <OpOverload(op='aten.item', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d7f42c0>, 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 0x7fa80d7f4900>, kernel=<OpOverload(op='aten.nonzero_numpy', overload='default')>), <OpOverload(op='aten.slice_scatter', overload='out')>: <function slice_scatter at 0x7fa8cbf5ed40>, <OpOverload(op='aten.index_put_', overload='default')>: <function register_inplace.<locals>.inplace_op at 0x7fa8cbe20ae0>, <OpOverload(op='quantized.conv_transpose2d_stride', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8179c0>, kernel=<OpOverload(op='quantized.conv_transpose2d_stride', overload='default')>), <OpOverload(op='quantized.conv_transpose3d_groups', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d828360>, 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 0x7fa80d8285e0>, 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 0x7fa80d828680>, 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 0x7fa80d828180>, 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 0x7fa80d828220>, 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 0x7fa80d817920>, 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 0x7fa80d8280e0>, 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 0x7fa80d828c20>, 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 0x7fa80d829b20>, 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 0x7fa80d8294e0>, 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 0x7fa80d829800>, 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 0x7fa80d828ae0>, 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 0x7fa80d828cc0>, 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 0x7fa80d829120>, 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 0x7fa80d8296c0>, 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 0x7fa80d829940>, 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 0x7fa80d817740>, 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 0x7fa80d8177e0>, 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 0x7fa80d817a60>, 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 0x7fa80d828540>, 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 0x7fa80d817f60>, 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 0x7fa80d828040>, 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 0x7fa80d829440>, 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 0x7fa80d8284a0>, 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 0x7fa80d828a40>, 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 0x7fa80d828d60>, 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 0x7fa80d817d80>, kernel=<OpOverload(op='quantized.conv_transpose2d_padding', overload='default')>), <OpOverload(op='profiler._record_function_exit', overload='_RecordFunction')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d817ce0>, kernel=<OpOverload(op='profiler._record_function_exit', overload='_RecordFunction')>), <OpOverload(op='sparse.qlinear_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d828ea0>, 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 0x7fa80d828900>, 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 0x7fa80d828400>, 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 0x7fa80d817880>, 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 0x7fa80d817e20>, 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 0x7fa80d829580>, kernel=<OpOverload(op='quantized.conv3d_padding', overload='default')>), <OpOverload(op='quantized.conv_transpose1d_unpack', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d829260>, kernel=<OpOverload(op='quantized.conv_transpose1d_unpack', overload='default')>), <OpOverload(op='quantized.conv2d_dilation', overload='default')>: functools.partial(<function _get_decomp_for_cia.<locals>._special_op_to_decompose_cia at 0x7fa80d8293a0>, kernel=<OpOverload(op='quantized.conv2d_dilation', overload='default')>)}