-
Notifications
You must be signed in to change notification settings - Fork 122
Description
Description of the bug:
Here is my code:
text = torch.randint(0, 10, (1, 20))
lstm = torch.nn.LSTM(20, 100, num_layers=1, bias=True, batch_first=True,
dropout=0.0, bidirectional=False, proj_size=0, device=None, dtype=None)
edge_model = ai_edge_torch.convert(lstm.eval(), (text.to(torch.float32),))
edge_model.export(model_path.replace(".pkl", ".tflite"))
Actual vs expected behavior:
A bug is reported:
2025-09-05 06:37:47.617124: I tensorflow/core/util/port.cc:153] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable TF_ENABLE_ONEDNN_OPTS=0.
2025-09-05 06:37:47.624373: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:467] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
WARNING: All log messages before absl::InitializeLog() is called are written to STDERR
E0000 00:00:1757054267.631867 150493 cuda_dnn.cc:8579] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
E0000 00:00:1757054267.634094 150493 cuda_blas.cc:1407] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
W0000 00:00:1757054267.640323 150493 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
W0000 00:00:1757054267.640336 150493 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
W0000 00:00:1757054267.640338 150493 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
W0000 00:00:1757054267.640339 150493 computation_placer.cc:177] computation placer already registered. Please check linkage and avoid linking the same target more than once.
2025-09-05 06:37:47.642375: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: AVX2 AVX_VNNI AVX_VNNI_INT8 AVX_NE_CONVERT FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
/home/goertek/lvhang/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/torch/distributed/distributed_c10d.py:354: UserWarning: Device capability of jax unspecified, assuming cpu and cuda. Please specify it via the devices argument of register_backend.
warnings.warn(
WARNING:2025-09-05 06:37:48,480:jax.src.xla_bridge:872: An NVIDIA GPU may be present on this machine, but a CUDA-enabled jaxlib is not installed. Falling back to cpu.
I0000 00:00:1757054270.513849 150493 gpu_device.cc:2019] Created device /job:localhost/replica:0/task:0/device:GPU:0 with 18930 MB memory: -> device: 0, name: NVIDIA GeForce RTX 4090, pci bus id: 0000:01:00.0, compute capability: 8.9
WARNING: All log messages before absl::InitializeLog() is called are written to STDERR
W0000 00:00:1757054270.985602 150493 tf_tfl_flatbuffer_helpers.cc:365] Ignored output_format.
W0000 00:00:1757054270.985641 150493 tf_tfl_flatbuffer_helpers.cc:368] Ignored drop_control_dependency.
2025-09-05 06:37:50.985961: I tensorflow/cc/saved_model/reader.cc:83] Reading SavedModel from: /tmp/tmp2xvms39e
2025-09-05 06:37:50.986121: I tensorflow/cc/saved_model/reader.cc:52] Reading meta graph with tags { serve }
2025-09-05 06:37:50.986126: I tensorflow/cc/saved_model/reader.cc:147] Reading SavedModel debug info (if present) from: /tmp/tmp2xvms39e
I0000 00:00:1757054270.987628 150493 mlir_graph_optimization_pass.cc:425] MLIR V1 optimization pass is not enabled
2025-09-05 06:37:50.987824: I tensorflow/cc/saved_model/loader.cc:236] Restoring SavedModel bundle.
2025-09-05 06:37:50.996088: I tensorflow/cc/saved_model/loader.cc:220] Running initialization op on SavedModel bundle at path: /tmp/tmp2xvms39e
2025-09-05 06:37:50.998084: I tensorflow/cc/saved_model/loader.cc:471] SavedModel load for tags { serve }; Status: success: OK. Took 12127 microseconds.
2025-09-05 06:37:51.002794: I tensorflow/compiler/mlir/tensorflow/utils/dump_mlir_util.cc:269] disabling MLIR crash reproducer, set env var MLIR_CRASH_REPRODUCER_DIRECTORY to enable.
error: unregistered operation 'vhlo.tanh_v2' found in dialect ('vhlo') that does not allow unknown operations
error: failed to deserialize portable artifact using StableHLO_v1.9.1
error: unregistered operation 'vhlo.tanh_v2' found in dialect ('vhlo') that does not allow unknown operations
error: failed to deserialize portable artifact using StableHLO_v1.9.1
error: unregistered operation 'vhlo.tanh_v2' found in dialect ('vhlo') that does not allow unknown operations
error: failed to deserialize portable artifact using StableHLO_v1.9.1
Parsing error in XlaCallModule: INVALID_ARGUMENT: Cannot deserialize computation
error: unregistered operation 'vhlo.tanh_v2' found in dialect ('vhlo') that does not allow unknown operations
error: failed to deserialize portable artifact using StableHLO_v1.9.1
Parsing error in XlaCallModule: INVALID_ARGUMENT: Cannot deserialize computation
error: unregistered operation 'vhlo.tanh_v2' found in dialect ('vhlo') that does not allow unknown operations
error: failed to deserialize portable artifact using StableHLO_v1.9.1
Parsing error in XlaCallModule: INVALID_ARGUMENT: Cannot deserialize computation
error: unregistered operation 'vhlo.tanh_v2' found in dialect ('vhlo') that does not allow unknown operations
error: failed to deserialize portable artifact using StableHLO_v1.9.1
Parsing error in XlaCallModule: INVALID_ARGUMENT: Cannot deserialize computation
error: unregistered operation 'vhlo.tanh_v2' found in dialect ('vhlo') that does not allow unknown operations
error: failed to deserialize portable artifact using StableHLO_v1.9.1
Parsing error in XlaCallModule: INVALID_ARGUMENT: Cannot deserialize computation
error: unregistered operation 'vhlo.tanh_v2' found in dialect ('vhlo') that does not allow unknown operations
error: failed to deserialize portable artifact using StableHLO_v1.9.1
Parsing error in XlaCallModule: INVALID_ARGUMENT: Cannot deserialize computation
loc(fused["XlaCallModule:", "XlaCallModule@inference_inner_29"]): error: 'tf.XlaCallModule' op is neither a custom op nor a flex op
error: failed while converting: 'main':
Some ops in the model are custom ops, See instructions to implement custom ops: https://www.tensorflow.org/lite/guide/ops_custom
Custom ops: XlaCallModule
Details:
tf.XlaCallModule(tensor<400x20xf32>, tensor<400x100xf32>, tensor<400xf32>, tensor<400xf32>, tensor<1x20xf32>) -> (tensor<*xf32>, tensor<*xf32>, tensor<*xf32>) : {Sout = [#tf_type.shape<1x100>, #tf_type.shape<1x100>, #tf_type.shape<1x100>], device = "", dim_args_spec = [], disabled_checks = [], function_list = [], has_token_input_output = false, module = "ML\EFR\0DStableHLO_v1.10.3\00\015\05\01\05%\01\03\0B\03#\0F\13\17\1B\1F#'+/37;?CGKO\03\E6\02\12\02U\01+\07\0F\0B\13\0F\0F\0B\0B\0F\0F\0B\0F\0F\0B\0F\0B\0F\0F\0B\0F\13\03\D7\0B\0B\0F\0F\0B\0B\0B\1F\0B\17\0B\0BO//\0F\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\1FoO\13\0B/\0B\0B\0B\13\0B\0B\1B\13\0B\13\0B\13\0B\13\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0Bo/oooooo\0B\1F\01\09\0B\13\13\0B\03U\1F\1B\1B\17\1F\0F\07\1B\13\17\0F\1F\1B\07\1B\1F\13\13/\17\17\17\1B#\1B\17\1B\1B\07\1B\1B\17\17\17\1B\17\17\17\13\17\13\07\02\8E\0C\1F\1D\05\1D\05)\17\0F[\01\1D\05\0B\1D\0D\07\05+\05-\1D\05\13\1D\15\07\05/\1D\05\19\1D\1B\07\051\1D\1F\07\053\1D\05#\1D%\07\055\1D\05)\1D\02\02\07\03\01\1D7\03\03\C1\1FQ\01#S#'#+\1F\0B\09\00\00\80?\1D9)\01\01\01\FD#)#-\1F!!\01\00\00\00\00\00\00\00\02\00\00\00\00\00\00\00\1F#\11\01\00\00\00\00\00\00\00\1F\11\11\01\00\00\00\00\00\00\00\13\1B\01\1D;\1D=\1D?\1DA\1DC\1DE\1DG\1DI\1DK\1DM\1DO\1DQ\1DS\1DU\1DW\1DY\1D[\1D]\1D#3\1Da#5\1Dc#7\1De#;\1Dg\1Di\1Dk\1Dm\1Do\1Dq\1Ds\1Du\1Dw\1Dy\1D{\1D}\1D\7F\1D\81\1D\83\1D\85\1D\87\1D\89\1D\8B\1D\8D#M\1D\8F\1D\91\1D\93\1F\0B\09\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\02\00\00\00\00\00\00\00\1F!!\01\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\03\05\B7\B7\17\01\1F#\11\00\00\00\00\00\00\00\00#%\1D\95\1D\97\0D\03;\C3\1D\99#/\03\09\C9\CD\D1\D5\0D\03;\CB\1D\9B\0D\03;\CF\1D\9D\0D\03;\D3\1D\9F\0D\03;\D7\1D\A1#1#=#?#A#C#E#G#I#K#O\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00d\00\00\00\00\00\00\00\1F\11\11\00\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00\C8\00\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00d\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00,\01\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\C8\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00\90\01\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00,\01\00\00\00\00\00\00'\01\1F\15\09\01\00\00\00\05\A3\1D\05\0A\02\1D\0E\02\07\05\A5)\07\05\05\22\03\0D)\05\05\82\0C\0D)\05\05\22\03\0D)\03\82\0C\0D)\07\05\05\82\0C\0D)\01\0D\09)\07\05\05Q\0D)\03\0D\1B)\05\05Q\0D)\019)\05\22\03\82\0C\0D)\05Q\82\0C\0D\1D)\05\82\0CQ\0D)\05\82\0C\22\03\0D)\03\09\1B)\03\05\1B\11\0B\1D\1F\07\07\13\07\05\05\05\11\03\01\03\05\11\03\05\03\01\11\03\01\03\01\11\05\01\01\03\01\11\03\09\09\01\01\01\01\11\05\09\03\03\09\11\03\03\03\09\11\05\03\07\03\03\11\05\07\15\03\07\1B\11\05\03\15\03\03\11\05\05\17\03\03\11\03\1F\03\17\11\03\09\03\03\11\03\09\03\09\11\05\13\19\03\03\11\03\1D\03\19\11\03\0F\03\13\11\03\0F\03\0F\11\01\03\01\11\03\13\03\0F)\03\01\1BC\04\1E\1E\05\01P\01\01\07\04\FA\1D\03\01\B9\03P\01\03\07\04\92\06\03s\CB\0B9=\0D\0D%\00\0FB\01\05\03\15\07F\09\07\03\0F\03\09\07B\11\09\03\01\07B\17\0B\03\01\07F\03\0D\03\01\03\0F\07F\03\0F\03\05\03\13\07F\03\11\03\01\03\11\07F\03\13\03\05\03\17\07F\03\15\03\0F\03\0D\07F\03\17\03\01\03\15\07F\03\19\03\01\03\19\07F\03\1B\03\13\03\1B\07F\03\1D\03\19\03\01\07F\03\1F\03\03\05!#\07F\03!\03\03\05%\0B\07F\03#\03\07\05\05\0B\07F\03%\03\03\05')\07F\03'\03\09\03+\07F\03)\03\09\03-\07F\03+\03\03\03/\07F\03-\03\05\03\1D\07F\03/\03\17\03\03\07F\031\03\03\0535\07F\033\03\03\057\0B\07F\035\03\07\05\07\0B\07F\037\03\03\059;\07F\039\03\09\03=\07F\03;\03\09\05?1\07F\03=\09\01\01\01\01\03A\07F\03?\03\01\03C\07F\03A\03\01\03E\07F\03C\03\01\03G\07F\03E\03\01\03I\07F\03G\03\01\05M\1F\07F\03I\03\01\05KO\07F\03K\03\01\05SU\07F\03M\03\01\03W\07F\03O\03\01\05QY\1FF\03Q\03\01\03[\07F\03S\03\05\03[\07F\03U\03\05\03W\07F\03W\03\01\03]\1FF\03Q\03\05\03\07F\03Y\03\01\03e\1FF\03Q\03\05\03a\07F\03[\03\01\03i\07F!]\03\05\03c\07F'\03\05\03g\07F\06\02a\03\05\03k\05\04\01\07moq\03P\01c\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01e\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01g\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01i\07\04%\03\05\0B\03\09\00\0B\06\01\03\01\03\01\05\04\01\03\03\03P\01k\07\04%\03\05\0B\03\09\00\0B\06\01\03\01\03\01\05\04\01\03\03\03P\01m\07\04'\03\05\0B\03\01\00\13F\01o\03\01\03\01\05\04\01\03\03\03P\01q\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01s\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01u\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01w\07\04'\03\05\0B\03\01\00#F\01y\03\01\03\01\05\04\01\03\03\03P\01{\07\04U\03\0D\17\05\01\01\00\0FB\01}\03\0B\09F\01\7F\03\01\03\05\0D\06\01\03\01\05\03\07\11\06\01\03\01\05\01\09\05\04\01\03\0B\03P\01\81\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01\83\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01\85\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\87\07\04'\03\05\0B\03\01\00#F\01y\03\01\03\01\05\04\01\03\03\03P\01\89\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\8B\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\8D\07\04]\03\0B\17\03\11\00\17F\01\8F\03\01\03\01\17F\01\91\03\01\03\01\17F\01\93\03\01\03\01\17F\01\95\03\01\03\01\05\04\01\09\03\05\07\09\03P\01\97\07\04e\03\0F\1B\05\11\05\00\0FB\01}\03\0B\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\03\07\09F\01\99\03\09\03\09\11\06\01\03\09\05\01\0B\05\04\01\03\0D\03P\01\9B\07\04%\03\05\0B\03\05\00\0B\06\01\03\09\03\01\05\04\01\03\03\03P\01\9D\07\04e\03\0F\1B\05\05\0D\00\0FB\01}\03\0B\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\03\07\09F\01\9F\03\03\03\09\11\06\01\03\03\05\01\0B\05\04\01\03\0D\03P\01\A1\07\04G\03\0B\13\05\0D)\00\15\06\01\03\0B\03\03\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\01\07\05\04\01\03\09\03P\01\A3\07\04G\03\0B\13\05\05)\00\15\06\01\03\0B\03\03\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\01\07\05\04\01\03\09\03P\01\A5\07\04+\03\07\0B\05\09-\00!F\01\A7\03\03\05\01\03\05\04\01\03\05\03P\01\A9\07\04'\03\05\0B\03=\00\13F\01\AB\03\17\03\01\05\04\01\03\03\03P\01\AD\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\AF\07\04%\03\05\0B\03\11\00\0B\06\01\03\03\03\01\05\04\01\03\03\03P\01\B1\07\04\17\03\03\07\03\11\00\05\04\01\03\01\03P\01\B3\07\04%\03\05\0B\03\05\00\0B\06\01\03\09\03\01\05\04\01\03\03\03P\01\B5\07\04e\03\0F\1B\05\05\0D\00\0FB\01}\03\0B\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\03\07\09F\01\9F\03\03\03\09\11\06\01\03\03\05\01\0B\05\04\01\03\0D\03P\01\B7\07\04G\03\0B\13\05\0D)\00\15\06\01\03\0B\03\03\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\01\07\05\04\01\03\09\03P\01\B9\07\04G\03\0B\13\05\05)\00\15\06\01\03\0B\03\03\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\01\07\05\04\01\03\09\03P\01\BB\07\04+\03\07\0B\05%1\00!F\01\A7\03\03\05\01\03\05\04\01\03\05\03P\01\BD\07\04'\03\05\0B\039\00\13F\01\AB\03\19\03\01\05\04\01\03\03\03P\01\BF\07\04%\03\05\0B\03\1D\00\0B\06\01\03\13\03\01\05\04\01\03\03\03P\01\C1\07\04'\03\05\0B\03\09\00\09F\01\99\03\01\03\01\05\04\01\03\03\03P\01\C3\07\04'\03\05\0B\03\09\00\09F\01\99\03\01\03\01\05\04\01\03\03\03P\01\C5\07\04'\03\05\0B\03\1D\00\13F\01o\03\0F\03\01\05\04\01\03\03\03P\01\C7\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\C9\07\04\17\03\03\07\03\01\00\05\04\01\03\01\03P\01\CB\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\CD\07\04\17\03\03\07\03\01\00\05\04\01\03\01\03P\01\CF\07\04-\03\05\0D\0FB\01\D1\03\0B\09F\01\7F\03\01\03\01\05\04\01\03\03\03P\01\D3\07\04-\03\05\0D\0FB\01\D1\03\0B\09F\01\7F\03\01\03\01\05\04\01\03\03\03P\01\D5\07\04'\03\05\0B\03%\00\09F\01\99\03\0F\03\01\05\04\01\03\03\06\03\01\05\01\00\02\19\A7\15\15\15\15\15\15\0F\0F\0B3\1F\1F+7+7#337#%'''7+77#%'''7'5//)/''')'77#77777!\11\11\0B\11\0D\D7\15{\11\1F\1F\15\1F\15\13\17\1B\0F\19\19\17)\11\15\11\0F\0B\11builtin\00vhlo\00module\00func_v1\00return_v1\00call_v1\00broadcast_in_dim_v1\00reshape_v1\00multiply_v1\00constant_v1\00add_v1\00transpose_v1\00convert_v1\00slice_v1\00negate_v1\00exponential_v2\00divide_v1\00concatenate_v1\00dot_general_v2\00tanh_v2\00torch.nn.modules.rnn.LSTM/torch.nn.modules.rnn.LSTM_L['fn'];\00unsqueeze\00/home/goertek/lvhang/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/torch/dynamo/external_utils.py\00zeros\00zeros_1\00lstm\00squeeze\00private\00jax.result_info\00_aten_squeeze_dim_0cc68f4a\00_aten_squeeze_dim_fd47539c\00_aten_squeeze_dim_fd1305b3\00_aten_unsafe_view_930eb00a\00_aten_unsafe_view_27e367ac\00permute_e044e012\00_aten_squeeze_dim_6646299d\00_aten_squeeze_dim_ad4ef558\00_aten_mul_fa91eceb\00_aten_tanh_881332c4\00_aten_add_a052f36d\00_aten_mul_8a6b8bab\00_aten_mul_f32c868f\00_aten_sigmoid_a221d176\00_aten_tanh_fe1fb30b\00_aten_sigmoid_fc6ab18d\00_aten_sigmoid_93b4a84e\00split_with_sizes_be8dd2b7\00_aten_add_96f225d3\00_aten_unsafe_view_10d9612f\00_aten_add_cfa35868\00_aten_mul_90b6bb81\00_aten_mul_0a96e8df\00_aten_mm_ef458be6\00permute_650f6de3\00_aten_unsafe_view_9fcfeb6a\00_aten_squeeze_dim_a237c687\00_aten_slice_f4cd7c71\00_aten_unsafe_view_29668168\00_aten_add_b0c1e996\00_aten_mul_36e23761\00_aten_mul_4225e2cd\00_aten_mm_e8b2e9e5\00permute_d4795826\00_aten_unsafe_view_909d973e\00_aten_unsqueeze_241a3bdc\00_aten_unsqueeze_41ae56e2\00permute_a251ce51\00_aten_squeeze_dim_0f25d11e\00_aten_slice_1dfa88e9\00_aten_squeeze_dim_ddde32fb\00_aten_slice_cf24e3c1\00_full_064f9309\00_full_fa9b30db\00_aten_unsqueeze_74c604ca\00main\00public\00result\00result[0]\00result[1]\00result[2]\00result[3]\00squeeze_1\00squeeze_2\00\08\8E\06\D7\05\01\01\0B+\BB+\BD\BF\03\FF\03\AD\03\AB\03\A9\03\A5\03\A3\03\A1\03\9F\03\9D\03\9B\03\99\03\97\03\95\03\93\03\91\03\8F\03\8D\03\8B\03\89\03\87\03\85\03\83\03\81\03\7F\03{\03w\03s\03o\03m\03k\03i\03g\03e\03c\03a\03\03]\03[\03I\03Y\03W\03U\03S\03Q\03O\03M\03K\0B+5/K-\0B+5/M-\0B+5/O-\0B+?/Q-\0B+?/S-\0B+7/U-\03\B1\0B+5/W-\0B+5/Y-\0B+A/[-\0B+7/]-\03=\0B+A/_-\039\031\0B+A/a-\0B+A/c-\0B+7/e-\0B+7/g-\0B+7/i-\0B+7/k-\0B+\C5\C7m-\07\ED\EFG\07\F1\F3G\07\F5\F7G\07\F9\FBG\0B+\D9/o-\03C\0B+q/s-\0B+u/w-\03E\0B+y/{-\0B+}/\7F-\0B+\DB/\81-\193313E33\B513\B93\0B+\DD/\83-\03\B3\0B+5/\85-\0B+\DF/\87-\0B+\E1/\89-\0B+q/\8B-\0B+u/\8D-\0B+y/\8F-\0B+}/\91-\0B+\E3/\93-\0B+\E5/\95-\0B+\E7/\97-\0B+?/\99-\0B+?/\9B-\0B+\E9/\9D-\0B+5/\9F-\0B+7/\A1-\0B+5/\A3-\0B+7/\A5-\0B+\A7/\A9-\03\AF\0B+\A7/\AB-\0B+\EB/\AD-", platforms = [], version = 5 : i64}
Traceback (most recent call last):
File "/home/code/StackPropagation-SLU/convert.py", line 184, in
torch2tflite()
File "/home/code/StackPropagation-SLU/convert.py", line 40, in torch2tflite
edge_model = ai_edge_torch.convert(lstm.eval(), (text.to(torch.float32),))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/ai_edge_torch/_convert/converter.py", line 261, in convert
return Converter().convert(
^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/ai_edge_torch/_convert/converter.py", line 172, in convert
return conversion.convert_signatures(
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/ai_edge_torch/_convert/conversion.py", line 150, in convert_signatures
tflite_model = lowertools.exported_programs_to_tflite(
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/ai_edge_torch/lowertools/_shim.py", line 80, in exported_programs_to_tflite
return utils.merged_bundle_to_tfl_model(
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/ai_edge_torch/lowertools/odml_torch_utils.py", line 207, in merged_bundle_to_tfl_model
tflite_model = converter.convert()
^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/tensorflow/lite/python/lite.py", line 1250, in wrapper
return self._convert_and_export_metrics(convert_func, *args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/tensorflow/lite/python/lite.py", line 1202, in convert_and_export_metrics
result = convert_func(self, *args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/tensorflow/lite/python/lite.py", line 1586, in convert
return self.convert_from_saved_model(graph_def)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/tensorflow/lite/python/lite.py", line 1444, in convert_from_saved_model
result = convert_saved_model(**converter_kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/tensorflow/lite/python/convert_phase.py", line 212, in wrapper
raise converter_error from None # Re-throws the exception.
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/tensorflow/lite/python/convert_phase.py", line 205, in wrapper
return func(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/tensorflow/lite/python/convert.py", line 901, in convert_saved_model
data = convert(
^^^^^^^^
File "/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/tensorflow/lite/python/convert.py", line 350, in convert
raise converter_error
tensorflow.lite.python.convert_phase.ConverterError: Could not translate MLIR to FlatBuffer.:0: error: loc(fused["XlaCallModule:", "XlaCallModule@__inference_inner_29"]): 'tf.XlaCallModule' op is neither a custom op nor a flex op
:0: note: loc(fused["XlaCallModule:", "XlaCallModule@inference_inner_29"]): see current operation: %4:3 = "tf.XlaCallModule"(%3, %0, %1, %2, %arg0) <{Sout = [#tf_type.shape<1x100>, #tf_type.shape<1x100>, #tf_type.shape<1x100>], dim_args_spec = [], disabled_checks = [], function_list = [], has_token_input_output = false, module = "ML\EFR\0DStableHLO_v1.10.3\00\015\05\01\05%\01\03\0B\03#\0F\13\17\1B\1F#'+/37;?CGKO\03\E6\02\12\02U\01+\07\0F\0B\13\0F\0F\0B\0B\0F\0F\0B\0F\0F\0B\0F\0B\0F\0F\0B\0F\13\03\D7\0B\0B\0F\0F\0B\0B\0B\1F\0B\17\0B\0BO//\0F\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\1FoO\13\0B/\0B\0B\0B\13\0B\0B\1B\13\0B\13\0B\13\0B\13\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0Bo/oooooo\0B\1F\01\09\0B\13\13\0B\03U\1F\1B\1B\17\1F\0F\07\1B\13\17\0F\1F\1B\07\1B\1F\13\13/\17\17\17\1B#\1B\17\1B\1B\07\1B\1B\17\17\17\1B\17\17\17\13\17\13\07\02\8E\0C\1F\1D\05\1D\05)\17\0F[\01\1D\05\0B\1D\0D\07\05+\05-\1D\05\13\1D\15\07\05/\1D\05\19\1D\1B\07\051\1D\1F\07\053\1D\05#\1D%\07\055\1D\05)\1D\02\02\07\03\01\1D7\03\03\C1\1FQ\01#S#'#+\1F\0B\09\00\00\80?\1D9)\01\01\01\FD#)#-\1F!!\01\00\00\00\00\00\00\00\02\00\00\00\00\00\00\00\1F#\11\01\00\00\00\00\00\00\00\1F\11\11\01\00\00\00\00\00\00\00\13\1B\01\1D;\1D=\1D?\1DA\1DC\1DE\1DG\1DI\1DK\1DM\1DO\1DQ\1DS\1DU\1DW\1DY\1D[\1D]\1D#3\1Da#5\1Dc#7\1De#;\1Dg\1Di\1Dk\1Dm\1Do\1Dq\1Ds\1Du\1Dw\1Dy\1D{\1D}\1D\7F\1D\81\1D\83\1D\85\1D\87\1D\89\1D\8B\1D\8D#M\1D\8F\1D\91\1D\93\1F\0B\09\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\02\00\00\00\00\00\00\00\1F!!\01\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\03\05\B7\B7\17\01\1F#\11\00\00\00\00\00\00\00\00#%\1D\95\1D\97\0D\03;\C3\1D\99#/\03\09\C9\CD\D1\D5\0D\03;\CB\1D\9B\0D\03;\CF\1D\9D\0D\03;\D3\1D\9F\0D\03;\D7\1D\A1#1#=#?#A#C#E#G#I#K#O\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00d\00\00\00\00\00\00\00\1F\11\11\00\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00\C8\00\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00d\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00,\01\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\C8\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00\90\01\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00,\01\00\00\00\00\00\00'\01\1F\15\09\01\00\00\00\05\A3\1D\05\0A\02\1D\0E\02\07\05\A5)\07\05\05\22\03\0D)\05\05\82\0C\0D)\05\05\22\03\0D)\03\82\0C\0D)\07\05\05\82\0C\0D)\01\0D\09)\07\05\05Q\0D)\03\0D\1B)\05\05Q\0D)\019)\05\22\03\82\0C\0D)\05Q\82\0C\0D\1D)\05\82\0CQ\0D)\05\82\0C\22\03\0D)\03\09\1B)\03\05\1B\11\0B\1D\1F\07\07\13\07\05\05\05\11\03\01\03\05\11\03\05\03\01\11\03\01\03\01\11\05\01\01\03\01\11\03\09\09\01\01\01\01\11\05\09\03\03\09\11\03\03\03\09\11\05\03\07\03\03\11\05\07\15\03\07\1B\11\05\03\15\03\03\11\05\05\17\03\03\11\03\1F\03\17\11\03\09\03\03\11\03\09\03\09\11\05\13\19\03\03\11\03\1D\03\19\11\03\0F\03\13\11\03\0F\03\0F\11\01\03\01\11\03\13\03\0F)\03\01\1BC\04\1E\1E\05\01P\01\01\07\04\FA\1D\03\01\B9\03P\01\03\07\04\92\06\03s\CB\0B9=\0D\0D%\00\0FB\01\05\03\15\07F\09\07\03\0F\03\09\07B\11\09\03\01\07B\17\0B\03\01\07F\03\0D\03\01\03\0F\07F\03\0F\03\05\03\13\07F\03\11\03\01\03\11\07F\03\13\03\05\03\17\07F\03\15\03\0F\03\0D\07F\03\17\03\01\03\15\07F\03\19\03\01\03\19\07F\03\1B\03\13\03\1B\07F\03\1D\03\19\03\01\07F\03\1F\03\03\05!#\07F\03!\03\03\05%\0B\07F\03#\03\07\05\05\0B\07F\03%\03\03\05')\07F\03'\03\09\03+\07F\03)\03\09\03-\07F\03+\03\03\03/\07F\03-\03\05\03\1D\07F\03/\03\17\03\03\07F\031\03\03\0535\07F\033\03\03\057\0B\07F\035\03\07\05\07\0B\07F\037\03\03\059;\07F\039\03\09\03=\07F\03;\03\09\05?1\07F\03=\09\01\01\01\01\03A\07F\03?\03\01\03C\07F\03A\03\01\03E\07F\03C\03\01\03G\07F\03E\03\01\03I\07F\03G\03\01\05M\1F\07F\03I\03\01\05KO\07F\03K\03\01\05SU\07F\03M\03\01\03W\07F\03O\03\01\05QY\1FF\03Q\03\01\03[\07F\03S\03\05\03[\07F\03U\03\05\03W\07F\03W\03\01\03]\1FF\03Q\03\05\03\07F\03Y\03\01\03e\1FF\03Q\03\05\03a\07F\03[\03\01\03i\07F!]\03\05\03c\07F'\03\05\03g\07F\06\02a\03\05\03k\05\04\01\07moq\03P\01c\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01e\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01g\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01i\07\04%\03\05\0B\03\09\00\0B\06\01\03\01\03\01\05\04\01\03\03\03P\01k\07\04%\03\05\0B\03\09\00\0B\06\01\03\01\03\01\05\04\01\03\03\03P\01m\07\04'\03\05\0B\03\01\00\13F\01o\03\01\03\01\05\04\01\03\03\03P\01q\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01s\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01u\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01w\07\04'\03\05\0B\03\01\00#F\01y\03\01\03\01\05\04\01\03\03\03P\01{\07\04U\03\0D\17\05\01\01\00\0FB\01}\03\0B\09F\01\7F\03\01\03\05\0D\06\01\03\01\05\03\07\11\06\01\03\01\05\01\09\05\04\01\03\0B\03P\01\81\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01\83\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01\85\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\87\07\04'\03\05\0B\03\01\00#F\01y\03\01\03\01\05\04\01\03\03\03P\01\89\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\8B\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\8D\07\04]\03\0B\17\03\11\00\17F\01\8F\03\01\03\01\17F\01\91\03\01\03\01\17F\01\93\03\01\03\01\17F\01\95\03\01\03\01\05\04\01\09\03\05\07\09\03P\01\97\07\04e\03\0F\1B\05\11\05\00\0FB\01}\03\0B\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\03\07\09F\01\99\03\09\03\09\11\06\01\03\09\05\01\0B\05\04\01\03\0D\03P\01\9B\07\04%\03\05\0B\03\05\00\0B\06\01\03\09\03\01\05\04\01\03\03\03P\01\9D\07\04e\03\0F\1B\05\05\0D\00\0FB\01}\03\0B\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\03\07\09F\01\9F\03\03\03\09\11\06\01\03\03\05\01\0B\05\04\01\03\0D\03P\01\A1\07\04G\03\0B\13\05\0D)\00\15\06\01\03\0B\03\03\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\01\07\05\04\01\03\09\03P\01\A3\07\04G\03\0B\13\05\05)\00\15\06\01\03\0B\03\03\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\01\07\05\04\01\03\09\03P\01\A5\07\04+\03\07\0B\05\09-\00!F\01\A7\03\03\05\01\03\05\04\01\03\05\03P\01\A9\07\04'\03\05\0B\03=\00\13F\01\AB\03\17\03\01\05\04\01\03\03\03P\01\AD\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\AF\07\04%\03\05\0B\03\11\00\0B\06\01\03\03\03\01\05\04\01\03\03\03P\01\B1\07\04\17\03\03\07\03\11\00\05\04\01\03\01\03P\01\B3\07\04%\03\05\0B\03\05\00\0B\06\01\03\09\03\01\05\04\01\03\03\03P\01\B5\07\04e\03\0F\1B\05\05\0D\00\0FB\01}\03\0B\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\03\07\09F\01\9F\03\03\03\09\11\06\01\03\03\05\01\0B\05\04\01\03\0D\03P\01\B7\07\04G\03\0B\13\05\0D)\00\15\06\01\03\0B\03\03\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\01\07\05\04\01\03\09\03P\01\B9\07\04G\03\0B\13\05\05)\00\15\06\01\03\0B\03\03\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\01\07\05\04\01\03\09\03P\01\BB\07\04+\03\07\0B\05%1\00!F\01\A7\03\03\05\01\03\05\04\01\03\05\03P\01\BD\07\04'\03\05\0B\039\00\13F\01\AB\03\19\03\01\05\04\01\03\03\03P\01\BF\07\04%\03\05\0B\03\1D\00\0B\06\01\03\13\03\01\05\04\01\03\03\03P\01\C1\07\04'\03\05\0B\03\09\00\09F\01\99\03\01\03\01\05\04\01\03\03\03P\01\C3\07\04'\03\05\0B\03\09\00\09F\01\99\03\01\03\01\05\04\01\03\03\03P\01\C5\07\04'\03\05\0B\03\1D\00\13F\01o\03\0F\03\01\05\04\01\03\03\03P\01\C7\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\C9\07\04\17\03\03\07\03\01\00\05\04\01\03\01\03P\01\CB\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\CD\07\04\17\03\03\07\03\01\00\05\04\01\03\01\03P\01\CF\07\04-\03\05\0D\0FB\01\D1\03\0B\09F\01\7F\03\01\03\01\05\04\01\03\03\03P\01\D3\07\04-\03\05\0D\0FB\01\D1\03\0B\09F\01\7F\03\01\03\01\05\04\01\03\03\03P\01\D5\07\04'\03\05\0B\03%\00\09F\01\99\03\0F\03\01\05\04\01\03\03\06\03\01\05\01\00\02\19\A7\15\15\15\15\15\15\0F\0F\0B3\1F\1F+7+7#337#%'''7+77#%'''7'5//)/''')'77#77777!\11\11\0B\11\0D\D7\15{\11\1F\1F\15\1F\15\13\17\1B\0F\19\19\17)\11\15\11\0F\0B\11builtin\00vhlo\00module\00func_v1\00return_v1\00call_v1\00broadcast_in_dim_v1\00reshape_v1\00multiply_v1\00constant_v1\00add_v1\00transpose_v1\00convert_v1\00slice_v1\00negate_v1\00exponential_v2\00divide_v1\00concatenate_v1\00dot_general_v2\00tanh_v2\00torch.nn.modules.rnn.LSTM/torch.nn.modules.rnn.LSTM_L['fn'];\00unsqueeze\00/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/torch/dynamo/external_utils.py\00zeros\00zeros_1\00lstm\00squeeze\00private\00jax.result_info\00_aten_squeeze_dim_0cc68f4a\00_aten_squeeze_dim_fd47539c\00_aten_squeeze_dim_fd1305b3\00_aten_unsafe_view_930eb00a\00_aten_unsafe_view_27e367ac\00permute_e044e012\00_aten_squeeze_dim_6646299d\00_aten_squeeze_dim_ad4ef558\00_aten_mul_fa91eceb\00_aten_tanh_881332c4\00_aten_add_a052f36d\00_aten_mul_8a6b8bab\00_aten_mul_f32c868f\00_aten_sigmoid_a221d176\00_aten_tanh_fe1fb30b\00_aten_sigmoid_fc6ab18d\00_aten_sigmoid_93b4a84e\00split_with_sizes_be8dd2b7\00_aten_add_96f225d3\00_aten_unsafe_view_10d9612f\00_aten_add_cfa35868\00_aten_mul_90b6bb81\00_aten_mul_0a96e8df\00_aten_mm_ef458be6\00permute_650f6de3\00_aten_unsafe_view_9fcfeb6a\00_aten_squeeze_dim_a237c687\00_aten_slice_f4cd7c71\00_aten_unsafe_view_29668168\00_aten_add_b0c1e996\00_aten_mul_36e23761\00_aten_mul_4225e2cd\00_aten_mm_e8b2e9e5\00permute_d4795826\00_aten_unsafe_view_909d973e\00_aten_unsqueeze_241a3bdc\00_aten_unsqueeze_41ae56e2\00permute_a251ce51\00_aten_squeeze_dim_0f25d11e\00_aten_slice_1dfa88e9\00_aten_squeeze_dim_ddde32fb\00_aten_slice_cf24e3c1\00_full_064f9309\00_full_fa9b30db\00_aten_unsqueeze_74c604ca\00main\00public\00result\00result[0]\00result[1]\00result[2]\00result[3]\00squeeze_1\00squeeze_2\00\08\8E\06\D7\05\01\01\0B+\BB+\BD\BF\03\FF\03\AD\03\AB\03\A9\03\A5\03\A3\03\A1\03\9F\03\9D\03\9B\03\99\03\97\03\95\03\93\03\91\03\8F\03\8D\03\8B\03\89\03\87\03\85\03\83\03\81\03\7F\03{\03w\03s\03o\03m\03k\03i\03g\03e\03c\03a\03\03]\03[\03I\03Y\03W\03U\03S\03Q\03O\03M\03K\0B+5/K-\0B+5/M-\0B+5/O-\0B+?/Q-\0B+?/S-\0B+7/U-\03\B1\0B+5/W-\0B+5/Y-\0B+A/[-\0B+7/]-\03=\0B+A/-\039\031\0B+A/a-\0B+A/c-\0B+7/e-\0B+7/g-\0B+7/i-\0B+7/k-\0B+\C5\C7m-\07\ED\EFG\07\F1\F3G\07\F5\F7G\07\F9\FBG\0B+\D9/o-\03C\0B+q/s-\0B+u/w-\03E\0B+y/{-\0B+}/\7F-\0B+\DB/\81-\193313E33\B513\B93\0B+\DD/\83-\03\B3\0B+5/\85-\0B+\DF/\87-\0B+\E1/\89-\0B+q/\8B-\0B+u/\8D-\0B+y/\8F-\0B+}/\91-\0B+\E3/\93-\0B+\E5/\95-\0B+\E7/\97-\0B+?/\99-\0B+?/\9B-\0B+\E9/\9D-\0B+5/\9F-\0B+7/\A1-\0B+5/\A3-\0B+7/\A5-\0B+\A7/\A9-\03\AF\0B+\A7/\AB-\0B+\EB/\AD-", platforms = [], version = 5 : i64}> {device = ""} : (tensor<400x20xf32>, tensor<400x100xf32>, tensor<400xf32>, tensor<400xf32>, tensor<1x20xf32>) -> (tensor<*xf32>, tensor<*xf32>, tensor<*xf32>)
:0: note: loc(fused["XlaCallModule:", "XlaCallModule@inference_inner_29"]): Error code: ERROR_NEEDS_CUSTOM_OPS
:0: error: failed while converting: 'main':
Some ops in the model are custom ops, See instructions to implement custom ops: https://www.tensorflow.org/lite/guide/ops_custom
Custom ops: XlaCallModule
Details:
tf.XlaCallModule(tensor<400x20xf32>, tensor<400x100xf32>, tensor<400xf32>, tensor<400xf32>, tensor<1x20xf32>) -> (tensor<*xf32>, tensor<*xf32>, tensor<*xf32>) : {Sout = [#tf_type.shape<1x100>, #tf_type.shape<1x100>, #tf_type.shape<1x100>], device = "", dim_args_spec = [], disabled_checks = [], function_list = [], has_token_input_output = false, module = "ML\EFR\0DStableHLO_v1.10.3\00\015\05\01\05%\01\03\0B\03#\0F\13\17\1B\1F#'+/37;?CGKO\03\E6\02\12\02U\01+\07\0F\0B\13\0F\0F\0B\0B\0F\0F\0B\0F\0F\0B\0F\0B\0F\0F\0B\0F\13\03\D7\0B\0B\0F\0F\0B\0B\0B\1F\0B\17\0B\0BO//\0F\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\1FoO\13\0B/\0B\0B\0B\13\0B\0B\1B\13\0B\13\0B\13\0B\13\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0Bo/oooooo\0B\1F\01\09\0B\13\13\0B\03U\1F\1B\1B\17\1F\0F\07\1B\13\17\0F\1F\1B\07\1B\1F\13\13/\17\17\17\1B#\1B\17\1B\1B\07\1B\1B\17\17\17\1B\17\17\17\13\17\13\07\02\8E\0C\1F\1D\05\1D\05)\17\0F[\01\1D\05\0B\1D\0D\07\05+\05-\1D\05\13\1D\15\07\05/\1D\05\19\1D\1B\07\051\1D\1F\07\053\1D\05#\1D%\07\055\1D\05)\1D\02\02\07\03\01\1D7\03\03\C1\1FQ\01#S#'#+\1F\0B\09\00\00\80?\1D9)\01\01\01\FD#)#-\1F!!\01\00\00\00\00\00\00\00\02\00\00\00\00\00\00\00\1F#\11\01\00\00\00\00\00\00\00\1F\11\11\01\00\00\00\00\00\00\00\13\1B\01\1D;\1D=\1D?\1DA\1DC\1DE\1DG\1DI\1DK\1DM\1DO\1DQ\1DS\1DU\1DW\1DY\1D[\1D]\1D#3\1Da#5\1Dc#7\1De#;\1Dg\1Di\1Dk\1Dm\1Do\1Dq\1Ds\1Du\1Dw\1Dy\1D{\1D}\1D\7F\1D\81\1D\83\1D\85\1D\87\1D\89\1D\8B\1D\8D#M\1D\8F\1D\91\1D\93\1F\0B\09\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\02\00\00\00\00\00\00\00\1F!!\01\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\03\05\B7\B7\17\01\1F#\11\00\00\00\00\00\00\00\00#%\1D\95\1D\97\0D\03;\C3\1D\99#/\03\09\C9\CD\D1\D5\0D\03;\CB\1D\9B\0D\03;\CF\1D\9D\0D\03;\D3\1D\9F\0D\03;\D7\1D\A1#1#=#?#A#C#E#G#I#K#O\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00d\00\00\00\00\00\00\00\1F\11\11\00\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00\C8\00\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00d\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00,\01\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\C8\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00\90\01\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00,\01\00\00\00\00\00\00'\01\1F\15\09\01\00\00\00\05\A3\1D\05\0A\02\1D\0E\02\07\05\A5)\07\05\05\22\03\0D)\05\05\82\0C\0D)\05\05\22\03\0D)\03\82\0C\0D)\07\05\05\82\0C\0D)\01\0D\09)\07\05\05Q\0D)\03\0D\1B)\05\05Q\0D)\019)\05\22\03\82\0C\0D)\05Q\82\0C\0D\1D)\05\82\0CQ\0D)\05\82\0C\22\03\0D)\03\09\1B)\03\05\1B\11\0B\1D\1F\07\07\13\07\05\05\05\11\03\01\03\05\11\03\05\03\01\11\03\01\03\01\11\05\01\01\03\01\11\03\09\09\01\01\01\01\11\05\09\03\03\09\11\03\03\03\09\11\05\03\07\03\03\11\05\07\15\03\07\1B\11\05\03\15\03\03\11\05\05\17\03\03\11\03\1F\03\17\11\03\09\03\03\11\03\09\03\09\11\05\13\19\03\03\11\03\1D\03\19\11\03\0F\03\13\11\03\0F\03\0F\11\01\03\01\11\03\13\03\0F)\03\01\1BC\04\1E\1E\05\01P\01\01\07\04\FA\1D\03\01\B9\03P\01\03\07\04\92\06\03s\CB\0B9=\0D\0D%\00\0FB\01\05\03\15\07F\09\07\03\0F\03\09\07B\11\09\03\01\07B\17\0B\03\01\07F\03\0D\03\01\03\0F\07F\03\0F\03\05\03\13\07F\03\11\03\01\03\11\07F\03\13\03\05\03\17\07F\03\15\03\0F\03\0D\07F\03\17\03\01\03\15\07F\03\19\03\01\03\19\07F\03\1B\03\13\03\1B\07F\03\1D\03\19\03\01\07F\03\1F\03\03\05!#\07F\03!\03\03\05%\0B\07F\03#\03\07\05\05\0B\07F\03%\03\03\05')\07F\03'\03\09\03+\07F\03)\03\09\03-\07F\03+\03\03\03/\07F\03-\03\05\03\1D\07F\03/\03\17\03\03\07F\031\03\03\0535\07F\033\03\03\057\0B\07F\035\03\07\05\07\0B\07F\037\03\03\059;\07F\039\03\09\03=\07F\03;\03\09\05?1\07F\03=\09\01\01\01\01\03A\07F\03?\03\01\03C\07F\03A\03\01\03E\07F\03C\03\01\03G\07F\03E\03\01\03I\07F\03G\03\01\05M\1F\07F\03I\03\01\05KO\07F\03K\03\01\05SU\07F\03M\03\01\03W\07F\03O\03\01\05QY\1FF\03Q\03\01\03[\07F\03S\03\05\03[\07F\03U\03\05\03W\07F\03W\03\01\03]\1FF\03Q\03\05\03\07F\03Y\03\01\03e\1FF\03Q\03\05\03a\07F\03[\03\01\03i\07F!]\03\05\03c\07F'\03\05\03g\07F\06\02a\03\05\03k\05\04\01\07moq\03P\01c\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01e\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01g\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01i\07\04%\03\05\0B\03\09\00\0B\06\01\03\01\03\01\05\04\01\03\03\03P\01k\07\04%\03\05\0B\03\09\00\0B\06\01\03\01\03\01\05\04\01\03\03\03P\01m\07\04'\03\05\0B\03\01\00\13F\01o\03\01\03\01\05\04\01\03\03\03P\01q\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01s\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01u\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01w\07\04'\03\05\0B\03\01\00#F\01y\03\01\03\01\05\04\01\03\03\03P\01{\07\04U\03\0D\17\05\01\01\00\0FB\01}\03\0B\09F\01\7F\03\01\03\05\0D\06\01\03\01\05\03\07\11\06\01\03\01\05\01\09\05\04\01\03\0B\03P\01\81\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01\83\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01\85\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\87\07\04'\03\05\0B\03\01\00#F\01y\03\01\03\01\05\04\01\03\03\03P\01\89\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\8B\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\8D\07\04]\03\0B\17\03\11\00\17F\01\8F\03\01\03\01\17F\01\91\03\01\03\01\17F\01\93\03\01\03\01\17F\01\95\03\01\03\01\05\04\01\09\03\05\07\09\03P\01\97\07\04e\03\0F\1B\05\11\05\00\0FB\01}\03\0B\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\03\07\09F\01\99\03\09\03\09\11\06\01\03\09\05\01\0B\05\04\01\03\0D\03P\01\9B\07\04%\03\05\0B\03\05\00\0B\06\01\03\09\03\01\05\04\01\03\03\03P\01\9D\07\04e\03\0F\1B\05\05\0D\00\0FB\01}\03\0B\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\03\07\09F\01\9F\03\03\03\09\11\06\01\03\03\05\01\0B\05\04\01\03\0D\03P\01\A1\07\04G\03\0B\13\05\0D)\00\15\06\01\03\0B\03\03\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\01\07\05\04\01\03\09\03P\01\A3\07\04G\03\0B\13\05\05)\00\15\06\01\03\0B\03\03\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\01\07\05\04\01\03\09\03P\01\A5\07\04+\03\07\0B\05\09-\00!F\01\A7\03\03\05\01\03\05\04\01\03\05\03P\01\A9\07\04'\03\05\0B\03=\00\13F\01\AB\03\17\03\01\05\04\01\03\03\03P\01\AD\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\AF\07\04%\03\05\0B\03\11\00\0B\06\01\03\03\03\01\05\04\01\03\03\03P\01\B1\07\04\17\03\03\07\03\11\00\05\04\01\03\01\03P\01\B3\07\04%\03\05\0B\03\05\00\0B\06\01\03\09\03\01\05\04\01\03\03\03P\01\B5\07\04e\03\0F\1B\05\05\0D\00\0FB\01}\03\0B\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\03\07\09F\01\9F\03\03\03\09\11\06\01\03\03\05\01\0B\05\04\01\03\0D\03P\01\B7\07\04G\03\0B\13\05\0D)\00\15\06\01\03\0B\03\03\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\01\07\05\04\01\03\09\03P\01\B9\07\04G\03\0B\13\05\05)\00\15\06\01\03\0B\03\03\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\01\07\05\04\01\03\09\03P\01\BB\07\04+\03\07\0B\05%1\00!F\01\A7\03\03\05\01\03\05\04\01\03\05\03P\01\BD\07\04'\03\05\0B\039\00\13F\01\AB\03\19\03\01\05\04\01\03\03\03P\01\BF\07\04%\03\05\0B\03\1D\00\0B\06\01\03\13\03\01\05\04\01\03\03\03P\01\C1\07\04'\03\05\0B\03\09\00\09F\01\99\03\01\03\01\05\04\01\03\03\03P\01\C3\07\04'\03\05\0B\03\09\00\09F\01\99\03\01\03\01\05\04\01\03\03\03P\01\C5\07\04'\03\05\0B\03\1D\00\13F\01o\03\0F\03\01\05\04\01\03\03\03P\01\C7\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\C9\07\04\17\03\03\07\03\01\00\05\04\01\03\01\03P\01\CB\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\CD\07\04\17\03\03\07\03\01\00\05\04\01\03\01\03P\01\CF\07\04-\03\05\0D\0FB\01\D1\03\0B\09F\01\7F\03\01\03\01\05\04\01\03\03\03P\01\D3\07\04-\03\05\0D\0FB\01\D1\03\0B\09F\01\7F\03\01\03\01\05\04\01\03\03\03P\01\D5\07\04'\03\05\0B\03%\00\09F\01\99\03\0F\03\01\05\04\01\03\03\06\03\01\05\01\00\02\19\A7\15\15\15\15\15\15\0F\0F\0B3\1F\1F+7+7#337#%'''7+77#%'''7'5//)/''')'77#77777!\11\11\0B\11\0D\D7\15{\11\1F\1F\15\1F\15\13\17\1B\0F\19\19\17)\11\15\11\0F\0B\11builtin\00vhlo\00module\00func_v1\00return_v1\00call_v1\00broadcast_in_dim_v1\00reshape_v1\00multiply_v1\00constant_v1\00add_v1\00transpose_v1\00convert_v1\00slice_v1\00negate_v1\00exponential_v2\00divide_v1\00concatenate_v1\00dot_general_v2\00tanh_v2\00torch.nn.modules.rnn.LSTM/torch.nn.modules.rnn.LSTM_L['fn'];\00unsqueeze\00/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/torch/dynamo/external_utils.py\00zeros\00zeros_1\00lstm\00squeeze\00private\00jax.result_info\00_aten_squeeze_dim_0cc68f4a\00_aten_squeeze_dim_fd47539c\00_aten_squeeze_dim_fd1305b3\00_aten_unsafe_view_930eb00a\00_aten_unsafe_view_27e367ac\00permute_e044e012\00_aten_squeeze_dim_6646299d\00_aten_squeeze_dim_ad4ef558\00_aten_mul_fa91eceb\00_aten_tanh_881332c4\00_aten_add_a052f36d\00_aten_mul_8a6b8bab\00_aten_mul_f32c868f\00_aten_sigmoid_a221d176\00_aten_tanh_fe1fb30b\00_aten_sigmoid_fc6ab18d\00_aten_sigmoid_93b4a84e\00split_with_sizes_be8dd2b7\00_aten_add_96f225d3\00_aten_unsafe_view_10d9612f\00_aten_add_cfa35868\00_aten_mul_90b6bb81\00_aten_mul_0a96e8df\00_aten_mm_ef458be6\00permute_650f6de3\00_aten_unsafe_view_9fcfeb6a\00_aten_squeeze_dim_a237c687\00_aten_slice_f4cd7c71\00_aten_unsafe_view_29668168\00_aten_add_b0c1e996\00_aten_mul_36e23761\00_aten_mul_4225e2cd\00_aten_mm_e8b2e9e5\00permute_d4795826\00_aten_unsafe_view_909d973e\00_aten_unsqueeze_241a3bdc\00_aten_unsqueeze_41ae56e2\00permute_a251ce51\00_aten_squeeze_dim_0f25d11e\00_aten_slice_1dfa88e9\00_aten_squeeze_dim_ddde32fb\00_aten_slice_cf24e3c1\00_full_064f9309\00_full_fa9b30db\00_aten_unsqueeze_74c604ca\00main\00public\00result\00result[0]\00result[1]\00result[2]\00result[3]\00squeeze_1\00squeeze_2\00\08\8E\06\D7\05\01\01\0B+\BB+\BD\BF\03\FF\03\AD\03\AB\03\A9\03\A5\03\A3\03\A1\03\9F\03\9D\03\9B\03\99\03\97\03\95\03\93\03\91\03\8F\03\8D\03\8B\03\89\03\87\03\85\03\83\03\81\03\7F\03{\03w\03s\03o\03m\03k\03i\03g\03e\03c\03a\03\03]\03[\03I\03Y\03W\03U\03S\03Q\03O\03M\03K\0B+5/K-\0B+5/M-\0B+5/O-\0B+?/Q-\0B+?/S-\0B+7/U-\03\B1\0B+5/W-\0B+5/Y-\0B+A/[-\0B+7/]-\03=\0B+A/-\039\031\0B+A/a-\0B+A/c-\0B+7/e-\0B+7/g-\0B+7/i-\0B+7/k-\0B+\C5\C7m-\07\ED\EFG\07\F1\F3G\07\F5\F7G\07\F9\FBG\0B+\D9/o-\03C\0B+q/s-\0B+u/w-\03E\0B+y/{-\0B+}/\7F-\0B+\DB/\81-\193313E33\B513\B93\0B+\DD/\83-\03\B3\0B+5/\85-\0B+\DF/\87-\0B+\E1/\89-\0B+q/\8B-\0B+u/\8D-\0B+y/\8F-\0B+}/\91-\0B+\E3/\93-\0B+\E5/\95-\0B+\E7/\97-\0B+?/\99-\0B+?/\9B-\0B+\E9/\9D-\0B+5/\9F-\0B+7/\A1-\0B+5/\A3-\0B+7/\A5-\0B+\A7/\A9-\03\AF\0B+\A7/\AB-\0B+\EB/\AD-", platforms = [], version = 5 : i64}
:0: note: see current operation:
"func.func"() <{arg_attrs = [{tf_saved_model.index_path = ["args_0"]}], function_type = (tensor<1x20xf32>) -> (tensor<*xf32>, tensor<*xf32>, tensor<*xf32>), res_attrs = [{tf_saved_model.index_path = ["output_1"]}, {tf_saved_model.index_path = ["output_0"]}, {tf_saved_model.index_path = ["output_2"]}], sym_name = "main"}> ({
^bb0(%arg0: tensor<1x20xf32>):
%0 = "arith.constant"() <{value = dense_resource<elided> : tensor<400x100xf32>}> : () -> tensor<400x100xf32>
%1 = "arith.constant"() <{value = dense_resource<elided> : tensor<400xf32>}> : () -> tensor<400xf32>
%2 = "arith.constant"() <{value = dense_resource<elided> : tensor<400xf32>}> : () -> tensor<400xf32>
%3 = "arith.constant"() <{value = dense_resource<elided> : tensor<400x20xf32>}> : () -> tensor<400x20xf32>
%4:3 = "tf.XlaCallModule"(%3, %0, %1, %2, %arg0) <{Sout = [#tf_type.shape<1x100>, #tf_type.shape<1x100>, #tf_type.shape<1x100>], dim_args_spec = [], disabled_checks = [], function_list = [], has_token_input_output = false, module = "ML\EFR\0DStableHLO_v1.10.3\00\015\05\01\05%\01\03\0B\03#\0F\13\17\1B\1F#'+/37;?CGKO\03\E6\02\12\02U\01+\07\0F\0B\13\0F\0F\0B\0B\0F\0F\0B\0F\0F\0B\0F\0B\0F\0F\0B\0F\13\03\D7\0B\0B\0F\0F\0B\0B\0B\1F\0B\17\0B\0BO//\0F\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\1FoO\13\0B/\0B\0B\0B\13\0B\0B\1B\13\0B\13\0B\13\0B\13\0B\0B\0B\0B\0B\0B\0B\0B\0B\0B\0Bo/oooooo\0B\1F\01\09\0B\13\13\0B\03U\1F\1B\1B\17\1F\0F\07\1B\13\17\0F\1F\1B\07\1B\1F\13\13/\17\17\17\1B#\1B\17\1B\1B\07\1B\1B\17\17\17\1B\17\17\17\13\17\13\07\02\8E\0C\1F\1D\05\1D\05)\17\0F[\01\1D\05\0B\1D\0D\07\05+\05-\1D\05\13\1D\15\07\05/\1D\05\19\1D\1B\07\051\1D\1F\07\053\1D\05#\1D%\07\055\1D\05)\1D\02\02\07\03\01\1D7\03\03\C1\1FQ\01#S#'#+\1F\0B\09\00\00\80?\1D9)\01\01\01\FD#)#-\1F!!\01\00\00\00\00\00\00\00\02\00\00\00\00\00\00\00\1F#\11\01\00\00\00\00\00\00\00\1F\11\11\01\00\00\00\00\00\00\00\13\1B\01\1D;\1D=\1D?\1DA\1DC\1DE\1DG\1DI\1DK\1DM\1DO\1DQ\1DS\1DU\1DW\1DY\1D[\1D]\1D_#3\1Da#5\1Dc#7\1De#;\1Dg\1Di\1Dk\1Dm\1Do\1Dq\1Ds\1Du\1Dw\1Dy\1D{\1D}\1D\7F\1D\81\1D\83\1D\85\1D\87\1D\89\1D\8B\1D\8D#M\1D\8F\1D\91\1D\93\1F\0B\09\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\02\00\00\00\00\00\00\00\1F!!\01\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\03\05\B7\B7\17\01\1F#\11\00\00\00\00\00\00\00\00#%\1D\95\1D\97\0D\03;\C3\1D\99#/\03\09\C9\CD\D1\D5\0D\03;\CB\1D\9B\0D\03;\CF\1D\9D\0D\03;\D3\1D\9F\0D\03;\D7\1D\A1#1#=#?#A#C#E#G#I#K#O\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00d\00\00\00\00\00\00\00\1F\11\11\00\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00\C8\00\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00d\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00,\01\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\C8\00\00\00\00\00\00\00\1F\111\01\00\00\00\00\00\00\00\01\00\00\00\00\00\00\00\90\01\00\00\00\00\00\00\1F\111\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00\00,\01\00\00\00\00\00\00'\01\1F\15\09\01\00\00\00\05\A3\1D\05\0A\02\1D\0E\02\07\05\A5)\07\05\05\22\03\0D)\05\05\82\0C\0D)\05\05\22\03\0D)\03\82\0C\0D)\07\05\05\82\0C\0D)\01\0D\09)\07\05\05Q\0D)\03\0D\1B)\05\05Q\0D)\019)\05\22\03\82\0C\0D)\05Q\82\0C\0D\1D)\05\82\0CQ\0D)\05\82\0C\22\03\0D)\03\09\1B)\03\05\1B\11\0B\1D\1F\07\07\13\07\05\05\05\11\03\01\03\05\11\03\05\03\01\11\03\01\03\01\11\05\01\01\03\01\11\03\09\09\01\01\01\01\11\05\09\03\03\09\11\03\03\03\09\11\05\03\07\03\03\11\05\07\15\03\07\1B\11\05\03\15\03\03\11\05\05\17\03\03\11\03\1F\03\17\11\03\09\03\03\11\03\09\03\09\11\05\13\19\03\03\11\03\1D\03\19\11\03\0F\03\13\11\03\0F\03\0F\11\01\03\01\11\03\13\03\0F)\03\01\1BC\04\1E\1E\05\01P\01\01\07\04\FA\1D\03\01\B9\03P\01\03\07\04\92\06\03s\CB\0B9=\0D\0D%\00\0FB\01\05\03\15\07F\09\07\03\0F\03\09\07B\11\09\03\01\07B\17\0B\03\01\07F\03\0D\03\01\03\0F\07F\03\0F\03\05\03\13\07F\03\11\03\01\03\11\07F\03\13\03\05\03\17\07F\03\15\03\0F\03\0D\07F\03\17\03\01\03\15\07F\03\19\03\01\03\19\07F\03\1B\03\13\03\1B\07F\03\1D\03\19\03\01\07F\03\1F\03\03\05!#\07F\03!\03\03\05%\0B\07F\03#\03\07\05\05\0B\07F\03%\03\03\05')\07F\03'\03\09\03+\07F\03)\03\09\03-\07F\03+\03\03\03/\07F\03-\03\05\03\1D\07F\03/\03\17\03\03\07F\031\03\03\0535\07F\033\03\03\057\0B\07F\035\03\07\05\07\0B\07F\037\03\03\059;\07F\039\03\09\03=\07F\03;\03\09\05?1\07F\03=\09\01\01\01\01\03A\07F\03?\03\01\03C\07F\03A\03\01\03E\07F\03C\03\01\03G\07F\03E\03\01\03I\07F\03G\03\01\05M\1F\07F\03I\03\01\05KO\07F\03K\03\01\05SU\07F\03M\03\01\03W\07F\03O\03\01\05QY\1FF\03Q\03\01\03[\07F\03S\03\05\03[\07F\03U\03\05\03W\07F\03W\03\01\03]\1FF\03Q\03\05\03_\07F\03Y\03\01\03e\1FF\03Q\03\05\03a\07F\03[\03\01\03i\07F!]\03\05\03c\07F'\03\05\03g\07F\06\02a\03\05\03k\05\04\01\07moq\03P\01c\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01e\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01g\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01i\07\04%\03\05\0B\03\09\00\0B\06\01\03\01\03\01\05\04\01\03\03\03P\01k\07\04%\03\05\0B\03\09\00\0B\06\01\03\01\03\01\05\04\01\03\03\03P\01m\07\04'\03\05\0B\03\01\00\13F\01o\03\01\03\01\05\04\01\03\03\03P\01q\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01s\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01u\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01w\07\04'\03\05\0B\03\01\00#F\01y\03\01\03\01\05\04\01\03\03\03P\01{\07\04U\03\0D\17\05\01\01\00\0FB\01}\03\0B\09F\01\7F\03\01\03\05\0D\06\01\03\01\05\03\07\11\06\01\03\01\05\01\09\05\04\01\03\0B\03P\01\81\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01\83\07\04)\03\07\0B\05\01\01\00\0D\06\01\03\01\05\01\03\05\04\01\03\05\03P\01\85\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\87\07\04'\03\05\0B\03\01\00#F\01y\03\01\03\01\05\04\01\03\03\03P\01\89\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\8B\07\04\81\03\11#\03\01\00\0FB\01}\03\0B\19\06\01\03\01\03\01\1BF\01y\03\01\03\05\09F\01\7F\03\01\03\03\11\06\01\03\01\05\09\07\09F\01\7F\03\01\03\03\1D\06\01\03\01\05\0D\0B\05\04\01\03\0F\03P\01\8D\07\04]\03\0B\17\03\11\00\17F\01\8F\03\01\03\01\17F\01\91\03\01\03\01\17F\01\93\03\01\03\01\17F\01\95\03\01\03\01\05\04\01\09\03\05\07\09\03P\01\97\07\04e\03\0F\1B\05\11\05\00\0FB\01}\03\0B\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\03\07\09F\01\99\03\09\03\09\11\06\01\03\09\05\01\0B\05\04\01\03\0D\03P\01\9B\07\04%\03\05\0B\03\05\00\0B\06\01\03\09\03\01\05\04\01\03\03\03P\01\9D\07\04e\03\0F\1B\05\05\0D\00\0FB\01}\03\0B\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\03\07\09F\01\9F\03\03\03\09\11\06\01\03\03\05\01\0B\05\04\01\03\0D\03P\01\A1\07\04G\03\0B\13\05\0D)\00\15\06\01\03\0B\03\03\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\01\07\05\04\01\03\09\03P\01\A3\07\04G\03\0B\13\05\05)\00\15\06\01\03\0B\03\03\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\01\07\05\04\01\03\09\03P\01\A5\07\04+\03\07\0B\05\09-\00!F\01\A7\03\03\05\01\03\05\04\01\03\05\03P\01\A9\07\04'\03\05\0B\03=\00\13F\01\AB\03\17\03\01\05\04\01\03\03\03P\01\AD\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\AF\07\04%\03\05\0B\03\11\00\0B\06\01\03\03\03\01\05\04\01\03\03\03P\01\B1\07\04\17\03\03\07\03\11\00\05\04\01\03\01\03P\01\B3\07\04%\03\05\0B\03\05\00\0B\06\01\03\09\03\01\05\04\01\03\03\03P\01\B5\07\04e\03\0F\1B\05\05\0D\00\0FB\01}\03\0B\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\03\07\09F\01\9F\03\03\03\09\11\06\01\03\03\05\01\0B\05\04\01\03\0D\03P\01\B7\07\04G\03\0B\13\05\0D)\00\15\06\01\03\0B\03\03\09F\01\7F\03\07\03\05\0D\06\01\03\07\05\01\07\05\04\01\03\09\03P\01\B9\07\04G\03\0B\13\05\05)\00\15\06\01\03\0B\03\03\09F\01\7F\03\03\03\05\0D\06\01\03\03\05\01\07\05\04\01\03\09\03P\01\BB\07\04+\03\07\0B\05%1\00!F\01\A7\03\03\05\01\03\05\04\01\03\05\03P\01\BD\07\04'\03\05\0B\039\00\13F\01\AB\03\19\03\01\05\04\01\03\03\03P\01\BF\07\04%\03\05\0B\03\1D\00\0B\06\01\03\13\03\01\05\04\01\03\03\03P\01\C1\07\04'\03\05\0B\03\09\00\09F\01\99\03\01\03\01\05\04\01\03\03\03P\01\C3\07\04'\03\05\0B\03\09\00\09F\01\99\03\01\03\01\05\04\01\03\03\03P\01\C5\07\04'\03\05\0B\03\1D\00\13F\01o\03\0F\03\01\05\04\01\03\03\03P\01\C7\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\C9\07\04\17\03\03\07\03\01\00\05\04\01\03\01\03P\01\CB\07\04%\03\05\0B\03\01\00\0B\06\01\03\05\03\01\05\04\01\03\03\03P\01\CD\07\04\17\03\03\07\03\01\00\05\04\01\03\01\03P\01\CF\07\04-\03\05\0D\0FB\01\D1\03\0B\09F\01\7F\03\01\03\01\05\04\01\03\03\03P\01\D3\07\04-\03\05\0D\0FB\01\D1\03\0B\09F\01\7F\03\01\03\01\05\04\01\03\03\03P\01\D5\07\04'\03\05\0B\03%\00\09F\01\99\03\0F\03\01\05\04\01\03\03\06\03\01\05\01\00\02\19\A7\15\15\15\15\15\15\0F\0F\0B3\1F\1F+7+7#337#%'''7+77#%'''7'5//)/''')'77#77777!\11\11\0B\11\0D\D7\15{\11\1F\1F\15\1F\15\13\17\1B\0F\19\19\17)\11\15\11\0F\0B\11builtin\00vhlo\00module\00func_v1\00return_v1\00call_v1\00broadcast_in_dim_v1\00reshape_v1\00multiply_v1\00constant_v1\00add_v1\00transpose_v1\00convert_v1\00slice_v1\00negate_v1\00exponential_v2\00divide_v1\00concatenate_v1\00dot_general_v2\00tanh_v2\00torch.nn.modules.rnn.LSTM/torch.nn.modules.rnn.LSTM_L['fn'];\00unsqueeze\00/home/venv/ai-edge-torch/.venv/lib/python3.11/site-packages/torch/dynamo/external_utils.py\00zeros\00zeros_1\00lstm\00squeeze\00private\00jax.result_info\00_aten_squeeze_dim_0cc68f4a\00_aten_squeeze_dim_fd47539c\00_aten_squeeze_dim_fd1305b3\00_aten_unsafe_view_930eb00a\00_aten_unsafe_view_27e367ac\00permute_e044e012\00_aten_squeeze_dim_6646299d\00_aten_squeeze_dim_ad4ef558\00_aten_mul_fa91eceb\00_aten_tanh_881332c4\00_aten_add_a052f36d\00_aten_mul_8a6b8bab\00_aten_mul_f32c868f\00_aten_sigmoid_a221d176\00_aten_tanh_fe1fb30b\00_aten_sigmoid_fc6ab18d\00_aten_sigmoid_93b4a84e\00split_with_sizes_be8dd2b7\00_aten_add_96f225d3\00_aten_unsafe_view_10d9612f\00_aten_add_cfa35868\00_aten_mul_90b6bb81\00_aten_mul_0a96e8df\00_aten_mm_ef458be6\00permute_650f6de3\00_aten_unsafe_view_9fcfeb6a\00_aten_squeeze_dim_a237c687\00_aten_slice_f4cd7c71\00_aten_unsafe_view_29668168\00_aten_add_b0c1e996\00_aten_mul_36e23761\00_aten_mul_4225e2cd\00_aten_mm_e8b2e9e5\00permute_d4795826\00_aten_unsafe_view_909d973e\00_aten_unsqueeze_241a3bdc\00_aten_unsqueeze_41ae56e2\00permute_a251ce51\00_aten_squeeze_dim_0f25d11e\00_aten_slice_1dfa88e9\00_aten_squeeze_dim_ddde32fb\00_aten_slice_cf24e3c1\00_full_064f9309\00_full_fa9b30db\00_aten_unsqueeze_74c604ca\00main\00public\00result\00result[0]\00result[1]\00result[2]\00result[3]\00squeeze_1\00squeeze_2\00\08\8E\06\D7\05\01\01\0B+\BB+\BD\BF\03\FF\03\AD\03\AB\03\A9\03\A5\03\A3\03\A1\03\9F\03\9D\03\9B\03\99\03\97\03\95\03\93\03\91\03\8F\03\8D\03\8B\03\89\03\87\03\85\03\83\03\81\03\7F\03{\03w\03s\03o\03m\03k\03i\03g\03e\03c\03a\03\03]\03[\03I\03Y\03W\03U\03S\03Q\03O\03M\03K\0B+5/K-\0B+5/M-\0B+5/O-\0B+?/Q-\0B+?/S-\0B+7/U-\03\B1\0B+5/W-\0B+5/Y-\0B+A/[-\0B+7/]-\03=\0B+A/-\039\031\0B+A/a-\0B+A/c-\0B+7/e-\0B+7/g-\0B+7/i-\0B+7/k-\0B+\C5\C7m-\07\ED\EFG\07\F1\F3G\07\F5\F7G\07\F9\FBG\0B+\D9/o-\03C\0B+q/s-\0B+u/w-\03E\0B+y/{-\0B+}/\7F-\0B+\DB/\81-\193313E33\B513\B93\0B+\DD/\83-\03\B3\0B+5/\85-\0B+\DF/\87-\0B+\E1/\89-\0B+q/\8B-\0B+u/\8D-\0B+y/\8F-\0B+}/\91-\0B+\E3/\93-\0B+\E5/\95-\0B+\E7/\97-\0B+?/\99-\0B+?/\9B-\0B+\E9/\9D-\0B+5/\9F-\0B+7/\A1-\0B+5/\A3-\0B+7/\A5-\0B+\A7/\A9-\03\AF\0B+\A7/\AB-\0B+\EB/\AD-", platforms = [], version = 5 : i64}> {device = ""} : (tensor<400x20xf32>, tensor<400x100xf32>, tensor<400xf32>, tensor<400xf32>, tensor<1x20xf32>) -> (tensor<*xf32>, tensor<*xf32>, tensor<*xf32>)
"func.return"(%4#1, %4#0, %4#2) : (tensor<*xf32>, tensor<*xf32>, tensor<*xf32>) -> ()
}) {tf.entry_function = {control_outputs = "", inputs = "serving_default_args_0:0", outputs = "StatefulPartitionedCall:1,StatefulPartitionedCall:0,StatefulPartitionedCall:2"}, tf_saved_model.exported_names = ["serving_default"]} : () -> ()
nn.LSTM is supported as I can see.
Any other information you'd like to share?
No response