I am using virtual machine with ubuntu
openvino 2021.2
WARNING:tensorflow:From /home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/data/util/random_seed.py:58: where (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.where in 2.0, which has the same broadcast rule as np.where
WARNING:tensorflow:OMP_NUM_THREADS is no longer used by the default Keras config. To configure the number of threads, use tf.config.threading APIs.
Traceback (most recent call last):
File "train.py", line 170, in
args.batch_size, args.epochs)
File "train.py", line 141, in train_and_predict
callbacks=model_callbacks)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training.py", line 727, in fit
use_multiprocessing=use_multiprocessing)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_arrays.py", line 675, in fit
steps_name='steps_per_epoch')
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_arrays.py", line 169, in model_iteration
ins = _prepare_feed_values(model, inputs, targets, sample_weights, mode)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_arrays.py", line 535, in _prepare_feed_values
extract_tensors_from_dataset=True)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training.py", line 2471, in _standardize_user_data
exception_prefix='input')
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_utils.py", line 517, in standardize_input_data
standardize_single_array(x, shape) for (x, shape) in zip(data, shapes)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_utils.py", line 517, in
standardize_single_array(x, shape) for (x, shape) in zip(data, shapes)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_utils.py", line 442, in standardize_single_array
if (x.shape is not None and len(x.shape) == 1 and
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/framework/tensor_shape.py", line 827, in len
raise ValueError("Cannot take the length of shape with unknown rank.")
ValueError: Cannot take the length of shape with unknown rank.
I am using virtual machine with ubuntu openvino 2021.2
WARNING:tensorflow:From /home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/data/util/random_seed.py:58: where (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.where in 2.0, which has the same broadcast rule as np.where WARNING:tensorflow:OMP_NUM_THREADS is no longer used by the default Keras config. To configure the number of threads, use tf.config.threading APIs. Traceback (most recent call last): File "train.py", line 170, in
args.batch_size, args.epochs)
File "train.py", line 141, in train_and_predict
callbacks=model_callbacks)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training.py", line 727, in fit
use_multiprocessing=use_multiprocessing)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_arrays.py", line 675, in fit
steps_name='steps_per_epoch')
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_arrays.py", line 169, in model_iteration
ins = _prepare_feed_values(model, inputs, targets, sample_weights, mode)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_arrays.py", line 535, in _prepare_feed_values
extract_tensors_from_dataset=True)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training.py", line 2471, in _standardize_user_data
exception_prefix='input')
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_utils.py", line 517, in standardize_input_data
standardize_single_array(x, shape) for (x, shape) in zip(data, shapes)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_utils.py", line 517, in
standardize_single_array(x, shape) for (x, shape) in zip(data, shapes)
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_utils.py", line 442, in standardize_single_array
if (x.shape is not None and len(x.shape) == 1 and
File "/home/owais/anaconda3/envs/decathlon/lib/python3.6/site-packages/tensorflow_core/python/framework/tensor_shape.py", line 827, in len
raise ValueError("Cannot take the length of shape with unknown rank.")
ValueError: Cannot take the length of shape with unknown rank.