reiniscimurs / DRL-robot-navigation

Deep Reinforcement Learning for mobile robot navigation in ROS Gazebo simulator. Using Twin Delayed Deep Deterministic Policy Gradient (TD3) neural network, a robot learns to navigate to a random goal point in a simulated environment while avoiding obstacles.
MIT License
571 stars 119 forks source link

Running train_velodyne_td3.py errors #152

Open Jerryzrh opened 3 months ago

Jerryzrh commented 3 months ago

2024-07-03 10:29:54.952219: I tensorflow/tsl/cuda/cudart_stub.cc:28] Could not find cuda drivers on your machine, GPU will not be used. 2024-07-03 10:29:55.117319: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. 2024-07-03 10:29:56.343452: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT Traceback (most recent call last): File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorboard/compat/init.py", line 42, in tf from tensorboard.compat import notf # noqa: F401 ImportError: cannot import name 'notf' from 'tensorboard.compat' (/home/z2823753580/.local/lib/python3.8/site-packages/tensorboard/compat/init.py)

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/home/z2823753580/PycharmProjects/DRL-robot-navigation/TD3/train_velodyne_td3.py", line 9, in from torch.utils.tensorboard import SummaryWriter File "/home/z2823753580/.local/lib/python3.8/site-packages/torch/utils/tensorboard/init.py", line 12, in from .writer import FileWriter, SummaryWriter # noqa: F401 File "/home/z2823753580/.local/lib/python3.8/site-packages/torch/utils/tensorboard/writer.py", line 16, in from ._embedding import get_embedding_info, make_mat, make_sprite, make_tsv, write_pbtxt File "/home/z2823753580/.local/lib/python3.8/site-packages/torch/utils/tensorboard/_embedding.py", line 9, in _HAS_GFILE_JOIN = hasattr(tf.io.gfile, "join") File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorboard/lazy.py", line 65, in getattr return getattr(load_once(self), attr_name) File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorboard/lazy.py", line 97, in wrapper cache[arg] = f(arg) File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorboard/lazy.py", line 50, in load_once module = load_fn() File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorboard/compat/init.py", line 45, in tf import tensorflow File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorflow/init.py", line 38, in from tensorflow.python.tools import module_util as _module_util File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorflow/python/init.py", line 45, in from tensorflow.python.feature_column import feature_column_lib as feature_column File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorflow/python/feature_column/feature_column_lib.py", line 18, in from tensorflow.python.feature_column.feature_column import File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorflow/python/feature_column/feature_column.py", line 143, in from tensorflow.python.layers import base File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorflow/python/layers/base.py", line 16, in from tensorflow.python.keras.legacy_tf_layers import base File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorflow/python/keras/init.py", line 25, in from tensorflow.python.keras import models File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorflow/python/keras/models.py", line 25, in from tensorflow.python.keras.engine import training_v1 File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorflow/python/keras/engine/training_v1.py", line 46, in from tensorflow.python.keras.engine import training_arrays_v1 File "/home/z2823753580/.local/lib/python3.8/site-packages/tensorflow/python/keras/engine/training_arrays_v1.py", line 37, in from scipy.sparse import issparse # pylint: disable=g-import-not-at-top File "/usr/lib/python3/dist-packages/scipy/sparse/init.py", line 229, in from .base import File "/usr/lib/python3/dist-packages/scipy/sparse/base.py", line 8, in from .sputils import (isdense, isscalarlike, isintlike, File "/usr/lib/python3/dist-packages/scipy/sparse/sputils.py", line 16, in supported_dtypes = [np.typeDict[x] for x in supported_dtypes] File "/usr/lib/python3/dist-packages/scipy/sparse/sputils.py", line 16, in supported_dtypes = [np.typeDict[x] for x in supported_dtypes] File "/home/z2823753580/.local/lib/python3.8/site-packages/numpy/init.py", line 320, in getattr raise AttributeError("module {!r} has no attribute " AttributeError: module 'numpy' has no attribute 'typeDict'

reiniscimurs commented 3 months ago

Hi, Please provide information according to the issue template. Simple error message gives no context to your problem.