nicknochnack / TFODCourse

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

was running smoothly got an error after installing tensorflow-gpu not able to clear the error

zuhhh03 opened this issue · comments

(od) Z:\OD\TFODCourse>pip install google-api-python-client>=1.6.7 immutabledict kaggle>=1.3.9 oauth2client opencv-python-headless py-cpuinfo>=3.3.0 sentencepiece seqeval tensorflow-datasets tensorflow-hub>=0.6.0 tensorflow-model-optimization>=0.4.1 tensorflow-text contourpy>=1.0.1 fonttools>=4.22.0 pyarrow-hotfix<1 pyparsing==2.4.7 cloudpickle~=2.2.1 dill>=0.3.1.1 numpy<1.25.0pyarrow<12.0.0 pydot<2,>=1.2.0
The system cannot find the file specified.

(od) Z:\OD\TFODCourse>pip install tensorflow-hub>=0.6.0 tensorflow-model-optimization>=0.4.1 tensorflow-text contourpy>=1.0.1 fonttools>=4.22.0 pyarrow-hotfix<1 pyparsing==2.4.7 cloudpickle~=2.2.1 dill>=0.3.1.1 numpy<1.25.0pyarrow<12.0.0 pydot<2,>=1.2.0 The system cannot find the file specified.

(od) Z:\OD\TFODCourse>python Tensorflow\models\research\object_detection\model_main_tf2.py --model_dir=Tensorflow\workspace\models\my_ssd_mobnet --pipeline_config_path=Tensorflow\workspace\models\my_ssd_mobnet\pipeline.config --num_train_steps=2000
2024-03-07 03:05:36.147727: I tensorflow/core/platform/cpu_feature_guard.cc:193] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX AVX2
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2024-03-07 03:05:36.735758: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1616] Created device /job:localhost/replica:0/task:0/device:GPU:0 with 1653 MB memory: -> device: 0, name: NVIDIA GeForce RTX 3050 Laptop GPU, pci bus id: 0000:01:00.0, compute capability: 8.6
INFO:tensorflow:Using MirroredStrategy with devices ('/job:localhost/replica:0/task:0/device:GPU:0',)
I0307 03:05:36.833724 23688 mirrored_strategy.py:374] Using MirroredStrategy with devices ('/job:localhost/replica:0/task:0/device:GPU:0',)
INFO:tensorflow:Maybe overwriting train_steps: 2000
I0307 03:05:36.836747 23688 config_util.py:552] Maybe overwriting train_steps: 2000
INFO:tensorflow:Maybe overwriting use_bfloat16: False
I0307 03:05:36.837752 23688 config_util.py:552] Maybe overwriting use_bfloat16: False
WARNING:tensorflow:From Z:\OD\TFODCourse\od\lib\site-packages\object_detection-0.1-py3.10.egg\object_detection\model_lib_v2.py:563: StrategyBase.experimental_distribute_datasets_from_function (from tensorflow.python.distribute.distribute_lib) is deprecated and will be removed in a future version.
Instructions for updating:
rename to distribute_datasets_from_function
W0307 03:05:36.859571 23688 deprecation.py:350] From Z:\OD\TFODCourse\od\lib\site-packages\object_detection-0.1-py3.10.egg\object_detection\model_lib_v2.py:563: StrategyBase.experimental_distribute_datasets_from_function (from tensorflow.python.distribute.distribute_lib) is deprecated and will be removed in a future version.
Instructions for updating:
rename to distribute_datasets_from_function
INFO:tensorflow:Reading unweighted datasets: ['Tensorflow\workspace\annotations\train.record']
I0307 03:05:36.866571 23688 dataset_builder.py:162] Reading unweighted datasets: ['Tensorflow\workspace\annotations\train.record']
INFO:tensorflow:Reading record datasets for input file: ['Tensorflow\workspace\annotations\train.record']
I0307 03:05:36.866571 23688 dataset_builder.py:79] Reading record datasets for input file: ['Tensorflow\workspace\annotations\train.record']
INFO:tensorflow:Number of filenames to read: 1
I0307 03:05:36.866571 23688 dataset_builder.py:80] Number of filenames to read: 1
WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
W0307 03:05:36.866571 23688 dataset_builder.py:86] num_readers has been reduced to 1 to match input file shards.
WARNING:tensorflow:From Z:\OD\TFODCourse\od\lib\site-packages\object_detection-0.1-py3.10.egg\object_detection\builders\dataset_builder.py:100: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.AUTOTUNE) instead. If sloppy execution is desired, use tf.data.Options.deterministic.
W0307 03:05:36.871572 23688 deprecation.py:350] From Z:\OD\TFODCourse\od\lib\site-packages\object_detection-0.1-py3.10.egg\object_detection\builders\dataset_builder.py:100: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.AUTOTUNE) instead. If sloppy execution is desired, use tf.data.Options.deterministic.
WARNING:tensorflow:From Z:\OD\TFODCourse\od\lib\site-packages\object_detection-0.1-py3.10.egg\object_detection\builders\dataset_builder.py:235: DatasetV1.map_with_legacy_function (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.data.Dataset.map() W0307 03:05:36.885080 23688 deprecation.py:350] From Z:\OD\TFODCourse\od\lib\site-packages\object_detection-0.1-py3.10.egg\object_detection\builders\dataset_builder.py:235: DatasetV1.map_with_legacy_function (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.data.Dataset.map()
WARNING:tensorflow:From Z:\OD\TFODCourse\od\lib\site-packages\tensorflow\python\util\dispatch.py:1176: sparse_to_dense (from tensorflow.python.ops.sparse_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Create a tf.sparse.SparseTensor and use tf.sparse.to_dense instead.
W0307 03:05:42.410195 23688 deprecation.py:350] From Z:\OD\TFODCourse\od\lib\site-packages\tensorflow\python\util\dispatch.py:1176: sparse_to_dense (from tensorflow.python.ops.sparse_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Create a tf.sparse.SparseTensor and use tf.sparse.to_dense instead.
WARNING:tensorflow:From Z:\OD\TFODCourse\od\lib\site-packages\tensorflow\python\util\dispatch.py:1176: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version.
Instructions for updating:
seed2 arg is deprecated.Use sample_distorted_bounding_box_v2 instead.
W0307 03:05:44.829225 23688 deprecation.py:350] From Z:\OD\TFODCourse\od\lib\site-packages\tensorflow\python\util\dispatch.py:1176: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version.
Instructions for updating:
seed2 arg is deprecated.Use sample_distorted_bounding_box_v2 instead.
WARNING:tensorflow:From Z:\OD\TFODCourse\od\lib\site-packages\tensorflow\python\util\dispatch.py:1176: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.cast instead.
W0307 03:05:46.204353 23688 deprecation.py:350] From Z:\OD\TFODCourse\od\lib\site-packages\tensorflow\python\util\dispatch.py:1176: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.cast instead.
Z:\OD\TFODCourse\od\lib\site-packages\keras\backend.py:451: UserWarning: tf.keras.backend.set_learning_phase is deprecated and will be removed after 2020-10-11. To update it, simply pass a True/False value to the training argument of the __call__ method of your layer or model.
warnings.warn(
I0307 03:05:53.536513 27408 api.py:459] feature_map_spatial_dims: [(40, 40), (20, 20), (10, 10), (5, 5), (3, 3)]
I0307 03:06:01.543409 20620 api.py:459] feature_map_spatial_dims: [(40, 40), (20, 20), (10, 10), (5, 5), (3, 3)]
2024-03-07 03:06:06.718995: I tensorflow/stream_executor/cuda/cuda_dnn.cc:384] Loaded cuDNN version 8101
2024-03-07 03:06:08.853809: I tensorflow/stream_executor/cuda/cuda_blas.cc:1614] TensorFloat-32 will be used for the matrix multiplication. This will only be logged once.
WARNING:tensorflow:Detecting that an object or model or tf.train.Checkpoint is being deleted with unrestored values. See the following logs for the specific values in question. To silence these warnings, use status.expect_partial(). See https://www.tensorflow.org/api_docs/python/tf/train/Checkpoint#restorefor details about the status object returned by the restore function.
W0307 03:06:11.202789 23688 checkpoint.py:204] Detecting that an object or model or tf.train.Checkpoint is being deleted with unrestored values. See the following logs for the specific values in question. To silence these warnings, use status.expect_partial(). See https://www.tensorflow.org/api_docs/python/tf/train/Checkpoint#restorefor details about the status object returned by the restore function.
WARNING:tensorflow:Value in checkpoint could not be found in the restored object: (root).optimizer.iter
W0307 03:06:11.202789 23688 checkpoint.py:213] Value in checkpoint could not be found in the restored object: (root).optimizer.iter
WARNING:tensorflow:Value in checkpoint could not be found in the restored object: (root).optimizer.decay
W0307 03:06:11.203790 23688 checkpoint.py:213] Value in checkpoint could not be found in the restored object: (root).optimizer.decay
WARNING:tensorflow:Value in checkpoint could not be found in the restored object: (root).optimizer.momentum
W0307 03:06:11.203790 23688 checkpoint.py:213] Value in checkpoint could not be found in the restored object: (root).optimizer.momentum

i'm doing my clg project so kindly help me with this error...