Skip to content

Change the way to validate keep_num_dims attribute for new tf. (#2367) #25

Change the way to validate keep_num_dims attribute for new tf. (#2367)

Change the way to validate keep_num_dims attribute for new tf. (#2367) #25

GitHub Actions / Test Results failed Nov 20, 2024 in 0s

1 fail, 37 skipped, 215 pass in 35m 11s

   39 files  ±0   39 suites  ±0   35m 11s ⏱️ +7s
  253 tests ±0  215 ✅  - 1   37 💤 ±0  1 ❌ +1 
1 129 runs  ±0  887 ✅  - 1  241 💤 ±0  1 ❌ +1 

Results for commit 79cedf9. ± Comparison against earlier commit f85e88e.

Annotations

Check warning on line 0 in tests.keras2onnx_applications.nightly_build.test_resnext.TestResNext

See this annotation in the file changed.

@github-actions github-actions / Test Results

1 out of 7 runs failed: test_SEResNext (tests.keras2onnx_applications.nightly_build.test_resnext.TestResNext)

artifacts/Test Results (3.9-2.15.0-windows-2022)/tests/keras2onnx_applications/nightly_build/junit/test-results-resnext.xml [took 25s]
Raw output
AssertionError: False is not true :
self = <test_resnext.TestResNext testMethod=test_SEResNext>

    @unittest.skipIf(not is_tf2,
                     "This is a tf2 model.")
    def test_SEResNext(self):
        K.clear_session()
        input_shape = (112, 112, 3)
        depth = 29
        cardinality = 8
        width = 64
        weight_decay = 5e-4,
        include_top = True
        pooling = None
        classes = 10
    
        img_input = keras.layers.Input(shape=input_shape)
        x = create_res_next(initial_conv_block_inception, se_bottleneck_block,
                            classes, img_input, include_top, depth, cardinality, width,
                            weight_decay, pooling)
        inputs = img_input
    
        keras_model = Model(inputs, x, name='se_resnext')
        res = run_image(keras_model, self.model_files, img_path, atol=5e-3, target_size=112)
>       self.assertTrue(*res)
E       AssertionError: False is not true :

test_resnext.py:383: AssertionError

Check notice on line 0 in .github

See this annotation in the file changed.

@github-actions github-actions / Test Results

37 skipped tests found

There are 37 skipped tests, see "Raw output" for the full list of skipped tests.
Raw output
tests.keras2onnx_applications.nightly_build.test_efn.TestEfn ‑ test_custom
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_3layer_gpt2
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForMaskedLM
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForNextSentencePrediction
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForPreTraining
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForQuestionAnswering
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForSequenceClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForTokenClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertForMaskedLM
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertForQuestionAnswering
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertForSequenceClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertForTokenClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFGPT2
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFOpenAIGPTDoubleHeadsModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFOpenAIGPTLMHeadModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFOpenAIGPTModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFRobertaForMaskedLM
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFRobertaForSequenceClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFRobertaForTokenClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFRobertaModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLMForQuestionAnsweringSimple
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLMForSequenceClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLMModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLMWithLMHeadModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLNet
tests.keras2onnx_unit_tests.test_cgan ‑ test_CGAN
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_format
tests.keras2onnx_unit_tests.test_layers ‑ test_conv3d_transpose
tests.keras2onnx_unit_tests.test_layers ‑ test_conv_add
tests.keras2onnx_unit_tests.test_layers ‑ test_conv_transpose_dynamic
tests.keras2onnx_unit_tests.test_layers ‑ test_keras_lambda_depth_to_space[input_shape0-NCHW]
tests.keras2onnx_unit_tests.test_layers ‑ test_keras_lambda_depth_to_space[input_shape1-NCHW]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_value[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_variable
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_where

Check notice on line 0 in .github

See this annotation in the file changed.

@github-actions github-actions / Test Results

253 tests found

There are 253 tests, see "Raw output" for the full list of tests.
Raw output
tests.keras2onnx_applications.nightly_build.test_chatbot.TestChatBot ‑ test_chatbot
tests.keras2onnx_applications.nightly_build.test_efn.TestEfn ‑ test_custom
tests.keras2onnx_applications.nightly_build.test_efn.TestEfn ‑ test_efn
tests.keras2onnx_applications.nightly_build.test_keras_applications_v2.TestKerasApplications ‑ test_DenseNet121
tests.keras2onnx_applications.nightly_build.test_keras_applications_v2.TestKerasApplications ‑ test_InceptionResNetV2
tests.keras2onnx_applications.nightly_build.test_keras_applications_v2.TestKerasApplications ‑ test_InceptionV3
tests.keras2onnx_applications.nightly_build.test_keras_applications_v2.TestKerasApplications ‑ test_MobileNet
tests.keras2onnx_applications.nightly_build.test_keras_applications_v2.TestKerasApplications ‑ test_MobileNetV2
tests.keras2onnx_applications.nightly_build.test_keras_applications_v2.TestKerasApplications ‑ test_NASNetMobile
tests.keras2onnx_applications.nightly_build.test_keras_applications_v2.TestKerasApplications ‑ test_ResNet50
tests.keras2onnx_applications.nightly_build.test_keras_applications_v2.TestKerasApplications ‑ test_Xception
tests.keras2onnx_applications.nightly_build.test_resnext.TestResNext ‑ test_ResNext
tests.keras2onnx_applications.nightly_build.test_resnext.TestResNext ‑ test_SEResNext
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_3layer_gpt2
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForMaskedLM
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForNextSentencePrediction
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForPreTraining
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForQuestionAnswering
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForSequenceClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertForTokenClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFBertModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertForMaskedLM
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertForQuestionAnswering
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertForSequenceClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertForTokenClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFDistilBertModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFGPT2
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFOpenAIGPTDoubleHeadsModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFOpenAIGPTLMHeadModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFOpenAIGPTModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFRobertaForMaskedLM
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFRobertaForSequenceClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFRobertaForTokenClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFRobertaModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLMForQuestionAnsweringSimple
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLMForSequenceClassification
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLMModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLMWithLMHeadModel
tests.keras2onnx_applications.nightly_build.test_transformers.TestTransformers ‑ test_TFXLNet
tests.keras2onnx_unit_tests.test_cgan ‑ test_CGAN
tests.keras2onnx_unit_tests.test_layers ‑ test_ELU
tests.keras2onnx_unit_tests.test_layers ‑ test_GRU[False-GRU-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_GRU[True-GRU-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_GRU_2[GRU-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM[False-False-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM[False-True-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM[True-False-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM[True-True-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_reshape[LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_rev[False-False-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_rev[False-True-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_rev[True-False-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_rev[True-True-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_seqlen_none[False-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_seqlen_none[True-LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_time_major_return_seq_false[LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_time_major_return_seq_true[LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_with_bias[LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LSTM_with_initializer[LSTM-LSTMCell-v1]
tests.keras2onnx_unit_tests.test_layers ‑ test_LeakyReLU
tests.keras2onnx_unit_tests.test_layers ‑ test_PReLU
tests.keras2onnx_unit_tests.test_layers ‑ test_ReLU
tests.keras2onnx_unit_tests.test_layers ‑ test_Softmax
tests.keras2onnx_unit_tests.test_layers ‑ test_Softmax_2[-1]
tests.keras2onnx_unit_tests.test_layers ‑ test_Softmax_2[0]
tests.keras2onnx_unit_tests.test_layers ‑ test_Softmax_2[1]
tests.keras2onnx_unit_tests.test_layers ‑ test_ThresholdedReLU
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[elu0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[elu1]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[hard_sigmoid0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[hard_sigmoid1]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[linear0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[linear1]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[relu0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[relu1]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[selu0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[selu1]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[sigmoid0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[sigmoid1]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[softmax0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[softmax1]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[softplus0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[softplus1]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[softsign0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[softsign1]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[tanh0]
tests.keras2onnx_unit_tests.test_layers ‑ test_activation_layer[tanh1]
tests.keras2onnx_unit_tests.test_layers ‑ test_any_all
tests.keras2onnx_unit_tests.test_layers ‑ test_batch_normalization
tests.keras2onnx_unit_tests.test_layers ‑ test_batch_normalization_2
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional[GRU-False]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional[GRU-True]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional[LSTM-False]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional[LSTM-True]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional[SimpleRNN-False]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional[SimpleRNN-True]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_seqlen_none[GRU]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_seqlen_none[LSTM]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_seqlen_none[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_time_major_true[GRU]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_time_major_true[LSTM]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_time_major_true[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_with_bias[GRU]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_with_bias[LSTM]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_with_bias[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_with_initial_states[GRU]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_with_initial_states[LSTM]
tests.keras2onnx_unit_tests.test_layers ‑ test_bidirectional_with_initial_states[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_channel_first_input
tests.keras2onnx_unit_tests.test_layers ‑ test_channel_last
tests.keras2onnx_unit_tests.test_layers ‑ test_conv1d
tests.keras2onnx_unit_tests.test_layers ‑ test_conv1d_activation
tests.keras2onnx_unit_tests.test_layers ‑ test_conv1d_bias
tests.keras2onnx_unit_tests.test_layers ‑ test_conv1d_padding
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_activation
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_bias
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_format
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_larger
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_padding_same
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_transpose
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_transpose_2[same]
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_transpose_2[valid]
tests.keras2onnx_unit_tests.test_layers ‑ test_conv2d_uneven_stride
tests.keras2onnx_unit_tests.test_layers ‑ test_conv3d
tests.keras2onnx_unit_tests.test_layers ‑ test_conv3d_transpose
tests.keras2onnx_unit_tests.test_layers ‑ test_conv_add
tests.keras2onnx_unit_tests.test_layers ‑ test_conv_transpose_dynamic
tests.keras2onnx_unit_tests.test_layers ‑ test_crop
tests.keras2onnx_unit_tests.test_layers ‑ test_dense
tests.keras2onnx_unit_tests.test_layers ‑ test_dense_add
tests.keras2onnx_unit_tests.test_layers ‑ test_dense_softmax
tests.keras2onnx_unit_tests.test_layers ‑ test_depthwise_conv2d[False]
tests.keras2onnx_unit_tests.test_layers ‑ test_depthwise_conv2d[True]
tests.keras2onnx_unit_tests.test_layers ‑ test_dot
tests.keras2onnx_unit_tests.test_layers ‑ test_dot2
tests.keras2onnx_unit_tests.test_layers ‑ test_embedding
tests.keras2onnx_unit_tests.test_layers ‑ test_flatten
tests.keras2onnx_unit_tests.test_layers ‑ test_flatten2
tests.keras2onnx_unit_tests.test_layers ‑ test_gelu
tests.keras2onnx_unit_tests.test_layers ‑ test_keras_lambda
tests.keras2onnx_unit_tests.test_layers ‑ test_keras_lambda_depth_to_space[input_shape0-NCHW]
tests.keras2onnx_unit_tests.test_layers ‑ test_keras_lambda_depth_to_space[input_shape0-NHWC]
tests.keras2onnx_unit_tests.test_layers ‑ test_keras_lambda_depth_to_space[input_shape1-NCHW]
tests.keras2onnx_unit_tests.test_layers ‑ test_keras_lambda_depth_to_space[input_shape1-NHWC]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking[GRU]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking[LSTM]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_bias[GRU]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_bias[LSTM]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_bias[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_bias_bidirectional[GRU]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_bias_bidirectional[LSTM]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_bias_bidirectional[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_custom
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_value[GRU]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_value[LSTM]
tests.keras2onnx_unit_tests.test_layers ‑ test_masking_value[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[<lambda>-data10]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[<lambda>-data6]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[<lambda>-data7]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[<lambda>-data8]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[<lambda>-data9]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[Add-data0]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[Add-data1]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[Average-data4]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[Maximum-data5]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[Multiply-data3]
tests.keras2onnx_unit_tests.test_layers ‑ test_merge_layer[Subtract-data2]
tests.keras2onnx_unit_tests.test_layers ‑ test_opt_push_transpose_unsqueeze
tests.keras2onnx_unit_tests.test_layers ‑ test_padding
tests.keras2onnx_unit_tests.test_layers ‑ test_permute
tests.keras2onnx_unit_tests.test_layers ‑ test_pooling_1d
tests.keras2onnx_unit_tests.test_layers ‑ test_pooling_2d
tests.keras2onnx_unit_tests.test_layers ‑ test_pooling_3d
tests.keras2onnx_unit_tests.test_layers ‑ test_pooling_global
tests.keras2onnx_unit_tests.test_layers ‑ test_recursive_and_shared_model
tests.keras2onnx_unit_tests.test_layers ‑ test_recursive_model
tests.keras2onnx_unit_tests.test_layers ‑ test_repeat_vector
tests.keras2onnx_unit_tests.test_layers ‑ test_reshape
tests.keras2onnx_unit_tests.test_layers ‑ test_reverseV2
tests.keras2onnx_unit_tests.test_layers ‑ test_rnn_state_passing[GRU]
tests.keras2onnx_unit_tests.test_layers ‑ test_rnn_state_passing[LSTM]
tests.keras2onnx_unit_tests.test_layers ‑ test_rnn_state_passing[SimpleRNN]
tests.keras2onnx_unit_tests.test_layers ‑ test_selu
tests.keras2onnx_unit_tests.test_layers ‑ test_separable_convolution
tests.keras2onnx_unit_tests.test_layers ‑ test_seq_dynamic_batch_size
tests.keras2onnx_unit_tests.test_layers ‑ test_shared_embed
tests.keras2onnx_unit_tests.test_layers ‑ test_shared_model_2
tests.keras2onnx_unit_tests.test_layers ‑ test_shared_model_3
tests.keras2onnx_unit_tests.test_layers ‑ test_simpleRNN
tests.keras2onnx_unit_tests.test_layers ‑ test_stridedslice_dynamic_end
tests.keras2onnx_unit_tests.test_layers ‑ test_stridedslice_ellipse_newaxis
tests.keras2onnx_unit_tests.test_layers ‑ test_stridedslice_ellipsis_mask_with_version
tests.keras2onnx_unit_tests.test_layers ‑ test_stridedslice_shrink_mask_with_version
tests.keras2onnx_unit_tests.test_layers ‑ test_stridedslice_with_version
tests.keras2onnx_unit_tests.test_layers ‑ test_sub_model
tests.keras2onnx_unit_tests.test_layers ‑ test_tensor_scatter_update
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_addn
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_argmax_argmin[argmax]
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_argmax_argmin[argmin]
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_bias_add
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_clip
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_compare_equal
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_concat
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_conv
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_einsum
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_expand_dims
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_fill
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_floormod
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_fused_batch_norm
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_gather
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_maximum_minimum
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_nn_activation
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_one_hot
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_pad
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_pool[SAME-arg_func0]
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_pool[SAME-arg_func1]
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_pool[VALID-arg_func0]
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_pool[VALID-arg_func1]
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_pow
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_range
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_realdiv
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_reduce_op
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_reshape
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_resize
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_resize_2
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_rsqrt
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_size
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_slice
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_softmax
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_space_to_batch_nd
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_splitv
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_sqrt
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_square
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_squeeze
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_stack
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_tile
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_topk
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_transpose
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_unpack
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_variable
tests.keras2onnx_unit_tests.test_layers ‑ test_tf_where
tests.keras2onnx_unit_tests.test_layers ‑ test_timedistributed
tests.keras2onnx_unit_tests.test_layers ‑ test_training_layer
tests.keras2onnx_unit_tests.test_layers ‑ test_two_zero_padding
tests.keras2onnx_unit_tests.test_layers ‑ test_upsample
tests.keras2onnx_unit_tests.test_subclassing ‑ test_auto_encoder
tests.keras2onnx_unit_tests.test_subclassing ‑ test_lenet
tests.keras2onnx_unit_tests.test_subclassing ‑ test_mlf
tests.keras2onnx_unit_tests.test_subclassing ‑ test_optional_inputs
tests.keras2onnx_unit_tests.test_subclassing ‑ test_tf_ops
tests.keras2onnx_unit_tests.test_subclassing ‑ test_tf_where