tensorflow-onnx
tensorflow-onnx copied to clipboard
Convert TensorFlow, Keras, Tensorflow.js and Tflite models to ONNX
These two lines look odd to me... Why hard code the input dtype to uint8? https://github.com/onnx/tensorflow-onnx/blob/482330f9958eb45c805933f04e2b0a5c7a494f23/tf2onnx/onnx_opset/quantize.py#L57 https://github.com/onnx/tensorflow-onnx/blob/482330f9958eb45c805933f04e2b0a5c7a494f23/tf2onnx/onnx_opset/quantize.py#L63-L68 I got the following error when converting QAT-ed yolo4 model from https://github.com/openvinotoolkit/nncf/tree/develop/examples/tensorflow/object_detection. TF...
I try to convert a toy model with a tensorflow.keras.layers.ConvLSTM2D layer to ONNX with tf2onnx. The TF 2 model definition is the following: ``` import tensorflow as tf from tensorflow...
**Describe the bug** I am converting a tflite model to onnx with tf2onnx, but it causecore dump. The model is pose_detection.tflite, [model link](https://github.com/google/mediapipe/blob/master/mediapipe/modules/pose_detection/pose_detection.tflite) **System information** - OS Platform and Distribution:...
**Describe the bug** When converting a model containing Conv3DTranspose with strides > 1 and data_format='channes_first', the output of the resulting ONNX model has the wrong shape (seems to be off...
I have a simple Keras model (see below) with a GRU which keras2onnx was mapping just fine to onnx GRU. Now with tf2onnx.convert.from_keras I get a huge very complicated onnx...
I am converting my model from the checkpoint file to an Onnx I set the parameter is_train = False in the Class batch_norm of the file tf2onnx\onnx_opset\nn.py so that my...
Hi, I am converting the model in from saved-model to onnx using `python -m tf2onnx.convert --saved-model saved-model --output model.onnx`. More details are below. The model inference seems to work in...
**Describe** train a VGG classification model, and convert ckpt to pb model. try to inference pb model, and result correct. then `python -m tf2onnx.convert --graphdef model.pb --output model.onnx --inputs input:0...
**Describe the bug** When converting a keras model with the following architecture: ``` keras.layers.Conv2D(filters=3, kernel_size=[3,3], strides=[2,2]), keras.layers.Lambda(lambda x: x * np.Inf), keras.layers.ReLU(max_value=6.0, negative_slope=0.0, threshold=0.0) ``` In keras, the tensor sent...
The attached example shows a Keras model with a single layer LSTM that is converted to a loop instead of the expected ONNX LSTM op. Test system configuration: Using `tensorflow/tensorflow:2.7.1`...