Here are some outputs when starting the training with US pretrained model
The shape of this layer does not match original model: td_dense
Loading the model as a pruned model.
WARNING:tensorflow:No training configuration found in save file: the model was *not* compiled. Compile it manually.
2021-09-07 03:54:49,955 [WARNING] tensorflow: No training configuration found in save file: the model was *not* compiled. Compile it manually.
Initialize optimizer
Model: "lpnet_baseline_18"
__________________________________________________________________________________________________
Layer (type) Output Shape Param # Connected to
==================================================================================================
image_input (InputLayer) [(None, 3, 48, 96)] 0
__________________________________________________________________________________________________
tf_op_layer_Sum (TensorFlowOpLa (None, 1, 48, 96) 0 image_input[0][0]
__________________________________________________________________________________________________
conv1 (Conv2D) (None, 64, 48, 96) 640 tf_op_layer_Sum[0][0]
__________________________________________________________________________________________________
bn_conv1 (BatchNormalization) (None, 64, 48, 96) 256 conv1[0][0]
__________________________________________________________________________________________________
re_lu (ReLU) (None, 64, 48, 96) 0 bn_conv1[0][0]
__________________________________________________________________________________________________
max_pooling2d (MaxPooling2D) (None, 64, 48, 96) 0 re_lu[0][0]
__________________________________________________________________________________________________
res2a_branch2a (Conv2D) (None, 64, 48, 96) 36928 max_pooling2d[0][0]
__________________________________________________________________________________________________
bn2a_branch2a (BatchNormalizati (None, 64, 48, 96) 256 res2a_branch2a[0][0]
__________________________________________________________________________________________________
re_lu_1 (ReLU) (None, 64, 48, 96) 0 bn2a_branch2a[0][0]
__________________________________________________________________________________________________
res2a_branch1 (Conv2D) (None, 64, 48, 96) 4160 max_pooling2d[0][0]
__________________________________________________________________________________________________
res2a_branch2b (Conv2D) (None, 64, 48, 96) 36928 re_lu_1[0][0]
__________________________________________________________________________________________________
bn2a_branch1 (BatchNormalizatio (None, 64, 48, 96) 256 res2a_branch1[0][0]
__________________________________________________________________________________________________
bn2a_branch2b (BatchNormalizati (None, 64, 48, 96) 256 res2a_branch2b[0][0]
__________________________________________________________________________________________________
tf_op_layer_add (TensorFlowOpLa (None, 64, 48, 96) 0 bn2a_branch1[0][0]
bn2a_branch2b[0][0]
__________________________________________________________________________________________________
re_lu_2 (ReLU) (None, 64, 48, 96) 0 tf_op_layer_add[0][0]
__________________________________________________________________________________________________
res2b_branch2a (Conv2D) (None, 64, 48, 96) 36928 re_lu_2[0][0]
__________________________________________________________________________________________________
bn2b_branch2a (BatchNormalizati (None, 64, 48, 96) 256 res2b_branch2a[0][0]
__________________________________________________________________________________________________
re_lu_3 (ReLU) (None, 64, 48, 96) 0 bn2b_branch2a[0][0]
__________________________________________________________________________________________________
res2b_branch2b (Conv2D) (None, 64, 48, 96) 36928 re_lu_3[0][0]
__________________________________________________________________________________________________
bn2b_branch2b (BatchNormalizati (None, 64, 48, 96) 256 res2b_branch2b[0][0]
__________________________________________________________________________________________________
tf_op_layer_add_1 (TensorFlowOp (None, 64, 48, 96) 0 re_lu_2[0][0]
bn2b_branch2b[0][0]
__________________________________________________________________________________________________
re_lu_4 (ReLU) (None, 64, 48, 96) 0 tf_op_layer_add_1[0][0]
__________________________________________________________________________________________________
res3a_branch2a (Conv2D) (None, 128, 24, 48) 73856 re_lu_4[0][0]
__________________________________________________________________________________________________
bn3a_branch2a (BatchNormalizati (None, 128, 24, 48) 512 res3a_branch2a[0][0]
__________________________________________________________________________________________________
re_lu_5 (ReLU) (None, 128, 24, 48) 0 bn3a_branch2a[0][0]
__________________________________________________________________________________________________
res3a_branch1 (Conv2D) (None, 128, 24, 48) 8320 re_lu_4[0][0]
__________________________________________________________________________________________________
res3a_branch2b (Conv2D) (None, 128, 24, 48) 147584 re_lu_5[0][0]
__________________________________________________________________________________________________
bn3a_branch1 (BatchNormalizatio (None, 128, 24, 48) 512 res3a_branch1[0][0]
__________________________________________________________________________________________________
bn3a_branch2b (BatchNormalizati (None, 128, 24, 48) 512 res3a_branch2b[0][0]
__________________________________________________________________________________________________
tf_op_layer_add_2 (TensorFlowOp (None, 128, 24, 48) 0 bn3a_branch1[0][0]
bn3a_branch2b[0][0]
__________________________________________________________________________________________________
re_lu_6 (ReLU) (None, 128, 24, 48) 0 tf_op_layer_add_2[0][0]
__________________________________________________________________________________________________
res3b_branch2a (Conv2D) (None, 128, 24, 48) 147584 re_lu_6[0][0]
__________________________________________________________________________________________________
bn3b_branch2a (BatchNormalizati (None, 128, 24, 48) 512 res3b_branch2a[0][0]
__________________________________________________________________________________________________
re_lu_7 (ReLU) (None, 128, 24, 48) 0 bn3b_branch2a[0][0]
__________________________________________________________________________________________________
res3b_branch2b (Conv2D) (None, 128, 24, 48) 147584 re_lu_7[0][0]
__________________________________________________________________________________________________
bn3b_branch2b (BatchNormalizati (None, 128, 24, 48) 512 res3b_branch2b[0][0]
__________________________________________________________________________________________________
tf_op_layer_add_3 (TensorFlowOp (None, 128, 24, 48) 0 re_lu_6[0][0]
bn3b_branch2b[0][0]
__________________________________________________________________________________________________
re_lu_8 (ReLU) (None, 128, 24, 48) 0 tf_op_layer_add_3[0][0]
__________________________________________________________________________________________________
res4a_branch2a (Conv2D) (None, 256, 12, 24) 295168 re_lu_8[0][0]
__________________________________________________________________________________________________
bn4a_branch2a (BatchNormalizati (None, 256, 12, 24) 1024 res4a_branch2a[0][0]
__________________________________________________________________________________________________
re_lu_9 (ReLU) (None, 256, 12, 24) 0 bn4a_branch2a[0][0]
__________________________________________________________________________________________________
res4a_branch1 (Conv2D) (None, 256, 12, 24) 33024 re_lu_8[0][0]
__________________________________________________________________________________________________
res4a_branch2b (Conv2D) (None, 256, 12, 24) 590080 re_lu_9[0][0]
__________________________________________________________________________________________________
bn4a_branch1 (BatchNormalizatio (None, 256, 12, 24) 1024 res4a_branch1[0][0]
__________________________________________________________________________________________________
bn4a_branch2b (BatchNormalizati (None, 256, 12, 24) 1024 res4a_branch2b[0][0]
__________________________________________________________________________________________________
tf_op_layer_add_4 (TensorFlowOp (None, 256, 12, 24) 0 bn4a_branch1[0][0]
bn4a_branch2b[0][0]
__________________________________________________________________________________________________
re_lu_10 (ReLU) (None, 256, 12, 24) 0 tf_op_layer_add_4[0][0]
__________________________________________________________________________________________________
res4b_branch2a (Conv2D) (None, 256, 12, 24) 590080 re_lu_10[0][0]
__________________________________________________________________________________________________
bn4b_branch2a (BatchNormalizati (None, 256, 12, 24) 1024 res4b_branch2a[0][0]
__________________________________________________________________________________________________
re_lu_11 (ReLU) (None, 256, 12, 24) 0 bn4b_branch2a[0][0]
__________________________________________________________________________________________________
res4b_branch2b (Conv2D) (None, 256, 12, 24) 590080 re_lu_11[0][0]
__________________________________________________________________________________________________
bn4b_branch2b (BatchNormalizati (None, 256, 12, 24) 1024 res4b_branch2b[0][0]
__________________________________________________________________________________________________
tf_op_layer_add_5 (TensorFlowOp (None, 256, 12, 24) 0 re_lu_10[0][0]
bn4b_branch2b[0][0]
__________________________________________________________________________________________________
re_lu_12 (ReLU) (None, 256, 12, 24) 0 tf_op_layer_add_5[0][0]
__________________________________________________________________________________________________
res5a_branch2a (Conv2D) (None, 300, 12, 24) 691500 re_lu_12[0][0]
__________________________________________________________________________________________________
bn5a_branch2a (BatchNormalizati (None, 300, 12, 24) 1200 res5a_branch2a[0][0]
__________________________________________________________________________________________________
re_lu_13 (ReLU) (None, 300, 12, 24) 0 bn5a_branch2a[0][0]
__________________________________________________________________________________________________
res5a_branch1 (Conv2D) (None, 300, 12, 24) 77100 re_lu_12[0][0]
__________________________________________________________________________________________________
res5a_branch2b (Conv2D) (None, 300, 12, 24) 810300 re_lu_13[0][0]
__________________________________________________________________________________________________
bn5a_branch1 (BatchNormalizatio (None, 300, 12, 24) 1200 res5a_branch1[0][0]
__________________________________________________________________________________________________
bn5a_branch2b (BatchNormalizati (None, 300, 12, 24) 1200 res5a_branch2b[0][0]
__________________________________________________________________________________________________
tf_op_layer_add_6 (TensorFlowOp (None, 300, 12, 24) 0 bn5a_branch1[0][0]
bn5a_branch2b[0][0]
__________________________________________________________________________________________________
re_lu_14 (ReLU) (None, 300, 12, 24) 0 tf_op_layer_add_6[0][0]
__________________________________________________________________________________________________
res5b_branch2a (Conv2D) (None, 300, 12, 24) 810300 re_lu_14[0][0]
__________________________________________________________________________________________________
bn5b_branch2a (BatchNormalizati (None, 300, 12, 24) 1200 res5b_branch2a[0][0]
__________________________________________________________________________________________________
re_lu_15 (ReLU) (None, 300, 12, 24) 0 bn5b_branch2a[0][0]
__________________________________________________________________________________________________
res5b_branch2b (Conv2D) (None, 300, 12, 24) 810300 re_lu_15[0][0]
__________________________________________________________________________________________________
bn5b_branch2b (BatchNormalizati (None, 300, 12, 24) 1200 res5b_branch2b[0][0]
__________________________________________________________________________________________________
tf_op_layer_add_7 (TensorFlowOp (None, 300, 12, 24) 0 re_lu_14[0][0]
bn5b_branch2b[0][0]
__________________________________________________________________________________________________
re_lu_16 (ReLU) (None, 300, 12, 24) 0 tf_op_layer_add_7[0][0]
__________________________________________________________________________________________________
permute_feature (Permute) (None, 24, 12, 300) 0 re_lu_16[0][0]
__________________________________________________________________________________________________
flatten_feature (Reshape) (None, 24, 3600) 0 permute_feature[0][0]
__________________________________________________________________________________________________
lstm (LSTM) (None, 24, 512) 8423424 flatten_feature[0][0]
__________________________________________________________________________________________________
td_dense (TimeDistributed) (None, 24, 36) 18468 lstm[0][0]
__________________________________________________________________________________________________
softmax (Softmax) (None, 24, 36) 0 td_dense[0][0]
==================================================================================================
Total params: 14,432,480
Trainable params: 14,424,872
Non-trainable params: 7,608
__________________________________________________________________________________________________
2021-09-07 03:54:50,347 [INFO] __main__: Number of images in the training dataset: 10000
2021-09-07 03:54:50,348 [INFO] __main__: Number of images in the validation dataset: 1514
Epoch 1/300
Traceback (most recent call last):
File "/home/vpraveen/.cache/dazel/_dazel_vpraveen/216c8b41e526c3295d3b802489ac2034/execroot/ai_infra/bazel-out/k8-fastbuild/bin/magnet/packages/iva/build_wheel.runfiles/ai_infra/iva/lprnet/scripts/train.py", line 274, in <module>
File "/home/vpraveen/.cache/dazel/_dazel_vpraveen/216c8b41e526c3295d3b802489ac2034/execroot/ai_infra/bazel-out/k8-fastbuild/bin/magnet/packages/iva/build_wheel.runfiles/ai_infra/iva/lprnet/scripts/train.py", line 270, in main
File "/home/vpraveen/.cache/dazel/_dazel_vpraveen/216c8b41e526c3295d3b802489ac2034/execroot/ai_infra/bazel-out/k8-fastbuild/bin/magnet/packages/iva/build_wheel.runfiles/ai_infra/iva/lprnet/scripts/train.py", line 195, in run_experiment
File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/keras/engine/training.py", line 727, in fit
use_multiprocessing=use_multiprocessing)
File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/keras/engine/training_generator.py", line 603, in fit
steps_name='steps_per_epoch')
File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/keras/engine/training_generator.py", line 265, in model_iteration
batch_outs = batch_function(*batch_data)
File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/keras/engine/training.py", line 1017, in train_on_batch
outputs = self.train_function(ins) # pylint: disable=not-callable
File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/keras/backend.py", line 3476, in __call__
run_metadata=self.run_metadata)
File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/client/session.py", line 1472, in __call__
run_metadata_ptr)
tensorflow.python.framework.errors_impl.InvalidArgumentError: 2 root error(s) found.
(0) Invalid argument: Saw a non-null label (index >= num_classes - 1) following a null label, batch: 0 num_classes: 36 labels: 25,37,16,1,3,2,9 labels seen so far: 25
[[{{node loss_2/softmax_loss/CTCLoss}}]]
[[loss_2/softmax_loss/CTCLoss/_6743]]
(1) Invalid argument: Saw a non-null label (index >= num_classes - 1) following a null label, batch: 0 num_classes: 36 labels: 25,37,16,1,3,2,9 labels seen so far: 25
[[{{node loss_2/softmax_loss/CTCLoss}}]]
0 successful operations.
0 derived errors ignored.
Traceback (most recent call last):
File "/usr/local/bin/lprnet", line 8, in <module>
sys.exit(main())
File "/home/vpraveen/.cache/dazel/_dazel_vpraveen/216c8b41e526c3295d3b802489ac2034/execroot/ai_infra/bazel-out/k8-fastbuild/bin/magnet/packages/iva/build_wheel.runfiles/ai_infra/iva/lprnet/entrypoint/lprnet.py", line 12, in main
File "/home/vpraveen/.cache/dazel/_dazel_vpraveen/216c8b41e526c3295d3b802489ac2034/execroot/ai_infra/bazel-out/k8-fastbuild/bin/magnet/packages/iva/build_wheel.runfiles/ai_infra/iva/common/entrypoint/entrypoint.py", line 296, in launch_job
AssertionError: Process run failed.