error when running example
eleyng opened this issue · 0 comments
eleyng commented
Please let me know how I can be more helpful with this issue, thank you!
I ran the following command:
softlearning run_example_local examples.development --universe=gym --domain=Point2DEnv --task=Default-v0 --exp-name=exp-name --checkpoint-frequency=200 > out.txt
The output to the terminal:
2020-09-15 14:52:54.066700: W tensorflow/stream_executor/platform/default/dso_loader.cc:59] Could not load dynamic library 'libcudart.so.10.1'; dlerror: libcudart.so.10.1: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /home/armlab/catkin_ws/devel/lib:/opt/ros/melodic/lib:/usr/local/cuda-10.1/lib64:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin
2020-09-15 14:52:54.066720: I tensorflow/stream_executor/cuda/cudart_stub.cc:29] Ignore above cudart dlerror if you do not have a GPU set up on your machine.
INFO:absl:MUJOCO_GL is not set, so an OpenGL backend will be chosen automatically.
INFO:absl:Successfully imported OpenGL backend: glfw
INFO:absl:MuJoCo library version is: 200
2020-09-15 14:52:55,727 INFO resource_spec.py:231 -- Starting Ray with 34.52 GiB memory available for workers and up to 17.26 GiB for objects. You can adjust these settings with ray.init(memory=<bytes>, object_store_memory=<bytes>).
2020-09-15 14:52:57,188 INFO web_server.py:239 -- Starting Tune Server...
2020-09-15 14:52:57,194 WARNING tune.py:325 -- Tune detects GPUs, but no trials are using GPUs. To enable trials to use GPUs, set tune.run(resources_per_trial={'gpu': 1}...) which allows Tune to expose 1 GPU to each trial. You can also override `Trainable.default_resource_request` if using the Trainable API.
(pid=8524) 2020-09-15 14:52:57.343267: W tensorflow/stream_executor/platform/default/dso_loader.cc:59] Could not load dynamic library 'libcudart.so.10.1'; dlerror: libcudart.so.10.1: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /home/armlab/catkin_ws/devel/lib:/opt/ros/melodic/lib:/usr/local/cuda-10.1/lib64:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin
(pid=8524) 2020-09-15 14:52:57.343289: I tensorflow/stream_executor/cuda/cudart_stub.cc:29] Ignore above cudart dlerror if you do not have a GPU set up on your machine.
2020-09-15 14:52:59,180 ERROR trial_runner.py:523 -- Trial id=d0b83_00000-seed=1547: Error processing event.
Traceback (most recent call last):
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trial_runner.py", line 471, in _process_trial
result = self.trial_executor.fetch_result(trial)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/ray_trial_executor.py", line 430, in fetch_result
result = ray.get(trial_future[0], DEFAULT_GET_TIMEOUT)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/worker.py", line 1538, in get
raise value.as_instanceof_cause()
ray.exceptions.RayTaskError(AttributeError): ray::ExperimentRunner.train() (pid=8524, ip=171.64.119.247)
File "python/ray/_raylet.pyx", line 439, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 474, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 478, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 479, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 432, in ray._raylet.execute_task.function_executor
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trainable.py", line 245, in __init__
self.setup(copy.deepcopy(self.config))
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trainable.py", line 769, in setup
self._setup(config)
File "/home/armlab/softlearning-ctrl/examples/development/main.py", line 33, in _setup
tf.keras.backend.set_session(self._session)
AttributeError: module 'tensorflow.keras.backend' has no attribute 'set_session'
2020-09-15 14:52:59,182 INFO trial_runner.py:638 -- Trial id=d0b83_00000-seed=1547: Attempting to restore trial state from last checkpoint.
(pid=8524) 2020-09-15 14:52:59.164594: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN)to use the following CPU instructions in performance-critical operations: AVX2 FMA
(pid=8524) To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
(pid=8524) 2020-09-15 14:52:59.169381: I tensorflow/core/platform/profile_utils/cpu_utils.cc:104] CPU Frequency: 3999980000 Hz
(pid=8524) 2020-09-15 14:52:59.169710: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55b4010abe20 initialized for platform Host (this does not guarantee that XLA will be used). Devices:
(pid=8524) 2020-09-15 14:52:59.169722: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version
(pid=8524) 2020-09-15 14:52:59.170238: I tensorflow/stream_executor/platform/default/dso_loader.cc:48] Successfully opened dynamic library libcuda.so.1
(pid=8524) 2020-09-15 14:52:59.175357: E tensorflow/stream_executor/cuda/cuda_driver.cc:314] failed call to cuInit: CUDA_ERROR_NO_DEVICE: no CUDA-capable device is detected
(pid=8524) 2020-09-15 14:52:59.175374: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:169] retrieving CUDA diagnostic information for host: armlab-Alienware-Aurora-R9
(pid=8524) 2020-09-15 14:52:59.175379: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:176] hostname: armlab-Alienware-Aurora-R9
(pid=8524) 2020-09-15 14:52:59.175421: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:200] libcuda reported version is: 440.95.1
(pid=8524) 2020-09-15 14:52:59.175435: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:204] kernel reported version is: 440.95.1
(pid=8524) 2020-09-15 14:52:59.175440: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:310] kernel version seems to match DSO: 440.95.1
(pid=8514) 2020-09-15 14:52:59.295390: W tensorflow/stream_executor/platform/default/dso_loader.cc:59] Could not load dynamic library 'libcudart.so.10.1'; dlerror: libcudart.so.10.1: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /home/armlab/catkin_ws/devel/lib:/opt/ros/melodic/lib:/usr/local/cuda-10.1/lib64:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin
(pid=8514) 2020-09-15 14:52:59.295408: I tensorflow/stream_executor/cuda/cudart_stub.cc:29] Ignore above cudart dlerror if you do not have a GPU set up on your machine.
2020-09-15 14:53:01,131 ERROR trial_runner.py:523 -- Trial id=d0b83_00000-seed=1547: Error processing event.
Traceback (most recent call last):
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trial_runner.py", line 471, in _process_trial
result = self.trial_executor.fetch_result(trial)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/ray_trial_executor.py", line 430, in fetch_result
result = ray.get(trial_future[0], DEFAULT_GET_TIMEOUT)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/worker.py", line 1538, in get
raise value.as_instanceof_cause()
ray.exceptions.RayTaskError(AttributeError): ray::ExperimentRunner.train() (pid=8514, ip=171.64.119.247)
File "python/ray/_raylet.pyx", line 439, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 474, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 478, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 479, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 432, in ray._raylet.execute_task.function_executor
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trainable.py", line 245, in __init__
self.setup(copy.deepcopy(self.config))
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trainable.py", line 769, in setup
self._setup(config)
File "/home/armlab/softlearning-ctrl/examples/development/main.py", line 33, in _setup
tf.keras.backend.set_session(self._session)
AttributeError: module 'tensorflow.keras.backend' has no attribute 'set_session'
2020-09-15 14:53:01,133 INFO trial_runner.py:638 -- Trial id=d0b83_00000-seed=1547: Attempting to restore trial state from last checkpoint.
(pid=8514) 2020-09-15 14:53:01.110285: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN)to use the following CPU instructions in performance-critical operations: AVX2 FMA
(pid=8514) To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
(pid=8514) 2020-09-15 14:53:01.119691: I tensorflow/core/platform/profile_utils/cpu_utils.cc:104] CPU Frequency: 3999980000 Hz
(pid=8514) 2020-09-15 14:53:01.120299: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55c9a8214a90 initialized for platform Host (this does not guarantee that XLA will be used). Devices:
(pid=8514) 2020-09-15 14:53:01.120320: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version
(pid=8514) 2020-09-15 14:53:01.121181: I tensorflow/stream_executor/platform/default/dso_loader.cc:48] Successfully opened dynamic library libcuda.so.1
(pid=8514) 2020-09-15 14:53:01.127182: E tensorflow/stream_executor/cuda/cuda_driver.cc:314] failed call to cuInit: CUDA_ERROR_NO_DEVICE: no CUDA-capable device is detected
(pid=8514) 2020-09-15 14:53:01.127214: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:169] retrieving CUDA diagnostic information for host: armlab-Alienware-Aurora-R9
(pid=8514) 2020-09-15 14:53:01.127219: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:176] hostname: armlab-Alienware-Aurora-R9
(pid=8514) 2020-09-15 14:53:01.127296: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:200] libcuda reported version is: 440.95.1
(pid=8514) 2020-09-15 14:53:01.127314: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:204] kernel reported version is: 440.95.1
(pid=8514) 2020-09-15 14:53:01.127319: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:310] kernel version seems to match DSO: 440.95.1
(pid=8511) 2020-09-15 14:53:01.247246: W tensorflow/stream_executor/platform/default/dso_loader.cc:59] Could not load dynamic library 'libcudart.so.10.1'; dlerror: libcudart.so.10.1: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /home/armlab/catkin_ws/devel/lib:/opt/ros/melodic/lib:/usr/local/cuda-10.1/lib64:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin
(pid=8511) 2020-09-15 14:53:01.247269: I tensorflow/stream_executor/cuda/cudart_stub.cc:29] Ignore above cudart dlerror if you do not have a GPU set up on your machine.
2020-09-15 14:53:03,098 ERROR trial_runner.py:523 -- Trial id=d0b83_00000-seed=1547: Error processing event.
Traceback (most recent call last):
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trial_runner.py", line 471, in _process_trial
result = self.trial_executor.fetch_result(trial)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/ray_trial_executor.py", line 430, in fetch_result
result = ray.get(trial_future[0], DEFAULT_GET_TIMEOUT)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/worker.py", line 1538, in get
raise value.as_instanceof_cause()
ray.exceptions.RayTaskError(AttributeError): ray::ExperimentRunner.train() (pid=8511, ip=171.64.119.247)
File "python/ray/_raylet.pyx", line 439, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 474, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 478, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 479, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 432, in ray._raylet.execute_task.function_executor
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trainable.py", line 245, in __init__
self.setup(copy.deepcopy(self.config))
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trainable.py", line 769, in setup
self._setup(config)
File "/home/armlab/softlearning-ctrl/examples/development/main.py", line 33, in _setup
tf.keras.backend.set_session(self._session)
AttributeError: module 'tensorflow.keras.backend' has no attribute 'set_session'
2020-09-15 14:53:03,099 INFO trial_runner.py:638 -- Trial id=d0b83_00000-seed=1547: Attempting to restore trial state from last checkpoint.
(pid=8511) 2020-09-15 14:53:03.082485: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN)to use the following CPU instructions in performance-critical operations: AVX2 FMA
(pid=8511) To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
(pid=8511) 2020-09-15 14:53:03.087355: I tensorflow/core/platform/profile_utils/cpu_utils.cc:104] CPU Frequency: 3999980000 Hz
(pid=8511) 2020-09-15 14:53:03.087731: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x555c8a210360 initialized for platform Host (this does not guarantee that XLA will be used). Devices:
(pid=8511) 2020-09-15 14:53:03.087745: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version
(pid=8511) 2020-09-15 14:53:03.088274: I tensorflow/stream_executor/platform/default/dso_loader.cc:48] Successfully opened dynamic library libcuda.so.1
(pid=8511) 2020-09-15 14:53:03.093919: E tensorflow/stream_executor/cuda/cuda_driver.cc:314] failed call to cuInit: CUDA_ERROR_NO_DEVICE: no CUDA-capable device is detected
(pid=8511) 2020-09-15 14:53:03.093937: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:169] retrieving CUDA diagnostic information for host: armlab-Alienware-Aurora-R9
(pid=8511) 2020-09-15 14:53:03.093942: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:176] hostname: armlab-Alienware-Aurora-R9
(pid=8511) 2020-09-15 14:53:03.093984: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:200] libcuda reported version is: 440.95.1
(pid=8511) 2020-09-15 14:53:03.093998: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:204] kernel reported version is: 440.95.1
(pid=8511) 2020-09-15 14:53:03.094003: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:310] kernel version seems to match DSO: 440.95.1
(pid=8513) 2020-09-15 14:53:03.207154: W tensorflow/stream_executor/platform/default/dso_loader.cc:59] Could not load dynamic library 'libcudart.so.10.1'; dlerror: libcudart.so.10.1: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /home/armlab/catkin_ws/devel/lib:/opt/ros/melodic/lib:/usr/local/cuda-10.1/lib64:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin:/usr/local/cuda-10.1/lib64:/home/armlab/.mujoco/mujoco200/bin
(pid=8513) 2020-09-15 14:53:03.207177: I tensorflow/stream_executor/cuda/cudart_stub.cc:29] Ignore above cudart dlerror if you do not have a GPU set up on your machine.
2020-09-15 14:53:04,985 ERROR trial_runner.py:523 -- Trial id=d0b83_00000-seed=1547: Error processing event.
Traceback (most recent call last):
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trial_runner.py", line 471, in _process_trial
result = self.trial_executor.fetch_result(trial)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/ray_trial_executor.py", line 430, in fetch_result
result = ray.get(trial_future[0], DEFAULT_GET_TIMEOUT)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/worker.py", line 1538, in get
raise value.as_instanceof_cause()
ray.exceptions.RayTaskError(AttributeError): ray::ExperimentRunner.train() (pid=8513, ip=171.64.119.247)
File "python/ray/_raylet.pyx", line 439, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 474, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 478, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 479, in ray._raylet.execute_task
File "python/ray/_raylet.pyx", line 432, in ray._raylet.execute_task.function_executor
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trainable.py", line 245, in __init__
self.setup(copy.deepcopy(self.config))
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/trainable.py", line 769, in setup
self._setup(config)
File "/home/armlab/softlearning-ctrl/examples/development/main.py", line 33, in _setup
tf.keras.backend.set_session(self._session)
AttributeError: module 'tensorflow.keras.backend' has no attribute 'set_session'
(pid=8513) 2020-09-15 14:53:04.969699: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN)to use the following CPU instructions in performance-critical operations: AVX2 FMA
(pid=8513) To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
(pid=8513) 2020-09-15 14:53:04.974581: I tensorflow/core/platform/profile_utils/cpu_utils.cc:104] CPU Frequency: 3999980000 Hz
(pid=8513) 2020-09-15 14:53:04.974953: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55b137ca1aa0 initialized for platform Host (this does not guarantee that XLA will be used). Devices:
(pid=8513) 2020-09-15 14:53:04.974964: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version
(pid=8513) 2020-09-15 14:53:04.975491: I tensorflow/stream_executor/platform/default/dso_loader.cc:48] Successfully opened dynamic library libcuda.so.1
(pid=8513) 2020-09-15 14:53:04.980951: E tensorflow/stream_executor/cuda/cuda_driver.cc:314] failed call to cuInit: CUDA_ERROR_NO_DEVICE: no CUDA-capable device is detected
(pid=8513) 2020-09-15 14:53:04.980969: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:169] retrieving CUDA diagnostic information for host: armlab-Alienware-Aurora-R9
(pid=8513) 2020-09-15 14:53:04.980973: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:176] hostname: armlab-Alienware-Aurora-R9
(pid=8513) 2020-09-15 14:53:04.981015: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:200] libcuda reported version is: 440.95.1
(pid=8513) 2020-09-15 14:53:04.981029: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:204] kernel reported version is: 440.95.1
(pid=8513) 2020-09-15 14:53:04.981034: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:310] kernel version seems to match DSO: 440.95.1
Traceback (most recent call last):
File "/home/armlab/anaconda3/envs/softlearning/bin/softlearning", line 11, in <module>
load_entry_point('softlearning', 'console_scripts', 'softlearning')()
File "/home/armlab/softlearning/softlearning/scripts/console_scripts.py", line 207, in main
return cli()
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/click/core.py", line 764, in __call__
return self.main(*args, **kwargs)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/click/core.py", line 717, in main
rv = self.invoke(ctx)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/click/core.py", line 1137, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/click/core.py", line 956, in invoke
return ctx.invoke(self.callback, **ctx.params)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
File "/home/armlab/softlearning/softlearning/scripts/console_scripts.py", line 73, in run_example_local_cmd
return run_example_local(example_module_name, example_argv)
File "/home/armlab/softlearning/examples/instrument.py", line 244, in run_example_local
reuse_actors=True)
File "/home/armlab/anaconda3/envs/softlearning/lib/python3.7/site-packages/ray/tune/tune.py", line 356, in run
raise TuneError("Trials did not complete", incomplete_trials)
ray.tune.error.TuneError: ('Trials did not complete', [id=d0b83_00000-seed=1547])
Output of out,txt:
== Status ==
Memory usage on this node: 6.9/62.6 GiB
Using FIFO scheduling algorithm.
Resources requested: 16/16 CPUs, 0/2 GPUs, 0.0/34.52 GiB heap, 0.0/11.87 GiB objects (0/1.0 GPUType:RTX)
Result logdir: /home/armlab/ray_results/gym/Point2DEnv/Default-v0/2020-09-15T14-52-55-exp-name
Number of trials: 1 (1 RUNNING)
+--------------------------+----------+-------+----------------------------------------------+------------------------------------------------------------------------------------------------------------------------------------+-----------------------------------------------------+-------------------+
| Trial name | status | loc | algorithm_params/config/num_warmup_samples | environment_params/evaluation | exploration_policy_params/config/observation_keys | run_params/seed |
|--------------------------+----------+-------+----------------------------------------------+------------------------------------------------------------------------------------------------------------------------------------+-----------------------------------------------------+-------------------|
| id=d0b83_00000-seed=1547 | RUNNING | | 500 | {'domain': 'Point2DEnv', 'task': 'Default-v0', 'universe': 'gym', 'kwargs': {'observation_keys': ('observation', 'desired_goal')}} | | 1547 |
+--------------------------+----------+-------+----------------------------------------------+------------------------------------------------------------------------------------------------------------------------------------+-----------------------------------------------------+-------------------+
(pid=8524) Warning: dm_control package not found. Run `pip install git+https://github.com/deepmind/dm_control.git` to use dm_control environments.
(pid=8524) Using seed 1547
(pid=8514) Warning: dm_control package not found. Run `pip install git+https://github.com/deepmind/dm_control.git` to use dm_control environments.
(pid=8514) Using seed 1547
(pid=8511) Warning: dm_control package not found. Run `pip install git+https://github.com/deepmind/dm_control.git` to use dm_control environments.
== Status ==
Memory usage on this node: 7.0/62.6 GiB
Using FIFO scheduling algorithm.
Resources requested: 16/16 CPUs, 0/2 GPUs, 0.0/34.52 GiB heap, 0.0/11.87 GiB objects (0/1.0 GPUType:RTX)
Result logdir: /home/armlab/ray_results/gym/Point2DEnv/Default-v0/2020-09-15T14-52-55-exp-name
Number of trials: 1 (1 RUNNING)
+--------------------------+----------+-------+----------------------------------------------+------------------------------------------------------------------------------------------------------------------------------------+-----------------------------------------------------+-------------------+
| Trial name | status | loc | algorithm_params/config/num_warmup_samples | environment_params/evaluation | exploration_policy_params/config/observation_keys | run_params/seed |
|--------------------------+----------+-------+----------------------------------------------+------------------------------------------------------------------------------------------------------------------------------------+-----------------------------------------------------+-------------------|
| id=d0b83_00000-seed=1547 | RUNNING | | 500 | {'domain': 'Point2DEnv', 'task': 'Default-v0', 'universe': 'gym', 'kwargs': {'observation_keys': ('observation', 'desired_goal')}} | | 1547 |
+--------------------------+----------+-------+----------------------------------------------+------------------------------------------------------------------------------------------------------------------------------------+-----------------------------------------------------+-------------------+
Number of errored trials: 1
+--------------------------+--------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
| Trial name | # failures | error file |
|--------------------------+--------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| id=d0b83_00000-seed=1547 | 3 | /home/armlab/ray_results/gym/Point2DEnv/Default-v0/2020-09-15T14-52-55-exp-name/id=d0b83_00000-seed=1547_0_num_warmup_samples=500,evaluation={'domain': 'Point2DEnv', 'task': 'Default-v0', 'universe': 'gym', 'kw_2020-09-15_14-52-578er4w5yw/error.txt |
+--------------------------+--------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
(pid=8511) Using seed 1547
(pid=8513) Warning: dm_control package not found. Run `pip install git+https://github.com/deepmind/dm_control.git` to use dm_control environments.
(pid=8513) Using seed 1547
== Status ==
Memory usage on this node: 7.0/62.6 GiB
Using FIFO scheduling algorithm.
Resources requested: 0/16 CPUs, 0/2 GPUs, 0.0/34.52 GiB heap, 0.0/11.87 GiB objects (0/1.0 GPUType:RTX)
Result logdir: /home/armlab/ray_results/gym/Point2DEnv/Default-v0/2020-09-15T14-52-55-exp-name
Number of trials: 1 (1 ERROR)
+--------------------------+----------+-------+----------------------------------------------+------------------------------------------------------------------------------------------------------------------------------------+-----------------------------------------------------+-------------------+
| Trial name | status | loc | algorithm_params/config/num_warmup_samples | environment_params/evaluation | exploration_policy_params/config/observation_keys | run_params/seed |
|--------------------------+----------+-------+----------------------------------------------+------------------------------------------------------------------------------------------------------------------------------------+-----------------------------------------------------+-------------------|
| id=d0b83_00000-seed=1547 | ERROR | | 500 | {'domain': 'Point2DEnv', 'task': 'Default-v0', 'universe': 'gym', 'kwargs': {'observation_keys': ('observation', 'desired_goal')}} | | 1547 |
+--------------------------+----------+-------+----------------------------------------------+------------------------------------------------------------------------------------------------------------------------------------+-----------------------------------------------------+-------------------+
Number of errored trials: 1
+--------------------------+--------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
| Trial name | # failures | error file |
|--------------------------+--------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| id=d0b83_00000-seed=1547 | 4 | /home/armlab/ray_results/gym/Point2DEnv/Default-v0/2020-09-15T14-52-55-exp-name/id=d0b83_00000-seed=1547_0_num_warmup_samples=500,evaluation={'domain': 'Point2DEnv', 'task': 'Default-v0', 'universe': 'gym', 'kw_2020-09-15_14-52-578er4w5yw/error.txt |
+--------------------------+--------------+----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+