Code Monkey home page Code Monkey logo

rl_flex_design's People

Contributors

abinitio888 avatar albertwujj avatar allanbreyes avatar alok avatar bchess avatar christopherhesse avatar colllin avatar ibrahiminfinite avatar jachiam avatar joaomacp avatar maksay avatar marcinic avatar marko-bast avatar michalkordyzon avatar mimoralea avatar qinusty avatar rootulp avatar seungjaeryanlee avatar siyavash avatar srstevenson avatar zhlzhl avatar

Stargazers

 avatar  avatar

Watchers

 avatar  avatar

rl_flex_design's Issues

AttributeError: 'NoneType' object has no attribute 'Window'

(spinningup) ss1043@ss1043-ubuntu:~/NRL_flex_design$ python -m spinup.run_flexibility --algo ppo --env_name Flexibility10x10_SP50-v5 --exp_name Flexibility10x10_SP50-v5 --cpu 2 --epochs 6 --save_freq 3 --custom_h 20-10 --env_version 5 --env_input input_ran10x10a_cv0.8.pkl --target_arcs 11 --do_checkpoint_eval
WARNING:tensorflow:From /home/ss1043/NRL_flex_design/spinup/utils/mpi_tf.py:29: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.

Traceback (most recent call last):
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/site-packages/pyglet/init.py", line 334, in getattr
return getattr(self._module, name)
AttributeError: 'NoneType' object has no attribute 'Window'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/runpy.py", line 183, in _run_module_as_main
mod_name, mod_spec, code = _get_module_details(mod_name, _Error)
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/runpy.py", line 109, in _get_module_details
import(pkg_name)
File "/home/ss1043/NRL_flex_design/spinup/init.py", line 3, in
from spinup.algos.ppo.ppo import ppo
File "/home/ss1043/NRL_flex_design/spinup/algos/ppo/ppo.py", line 11, in
from spinup.utils.custom_utils import *
File "/home/ss1043/NRL_flex_design/spinup/utils/custom_utils.py", line 3, in
from spinup.FlexibilityEnv.FlexibilityEnv import FlexibilityEnv
File "/home/ss1043/NRL_flex_design/spinup/FlexibilityEnv/FlexibilityEnv.py", line 427, in
class Viewer(pyglet.window.Window):
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/site-packages/pyglet/init.py", line 340, in getattr
import(import_name)
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/site-packages/pyglet/window/init.py", line 1887, in
gl._create_shadow_window()
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/site-packages/pyglet/gl/init.py", line 220, in _create_shadow_window
_shadow_window = Window(width=1, height=1, visible=False)
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/site-packages/pyglet/window/xlib/init.py", line 171, in init
super(XlibWindow, self).init(*args, **kwargs)
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/site-packages/pyglet/window/init.py", line 572, in init
display = pyglet.canvas.get_display()
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/site-packages/pyglet/canvas/init.py", line 94, in get_display
return Display()
File "/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/site-packages/pyglet/canvas/xlib.py", line 123, in init
raise NoSuchDisplayException('Cannot connect to "%s"' % name)
pyglet.canvas.xlib.NoSuchDisplayException: Cannot connect to "None"

An error on the test code

python -m spinup.run_flexibility --algo ppo --env_name Flexibility10x10_SP50-v5 --exp_name Flexibility10x10_SP50-v5 --cpu 2 --epochs 6 --save_freq 3 --custom_h 20-10 --env_version 5 --env_input input_ran10x10a_cv0.8.pkl --target_arcs 11 --do_checkpoint_eval

/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:516: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:517: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:518: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:519: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:520: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:525: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:541: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:542: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:543: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:544: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:545: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:550: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])
WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/mpi_tf.py:29: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.

libGL error: unable to load driver: swrast_dri.so
libGL error: failed to load driver: swrast

ExperimentGrid [Flexibility10x10_SP50-v5] runs over parameters:

seed [see]

    0

epochs [epo]

    6

steps_per_epoch [ste]

    6000

save_freq [sav]

    3

max_ep_len [max]

    200

ac_kwargs:activation []

    relu

custom_h [cus]

    20-10

do_checkpoint_eval [do]

    True

eval_episodes [eva]

    50

train_v_iters [tra]

    80

eval_temp [eva]

    1.0

train_starting_temp [tra]

    1.0

gamma [gam]

    0.99

env_version [env]

    5

env_name [env]

    Flexibility10x10_SP50-v5

env_input [env]

    /hpc/group/carin/ss1043/NRL_flex_design/spinup/FlexibilityEnv_input/input_ran10x10a_cv0.8.pkl

env_n_sample [env]

    50

target_arcs [tar]

    11

train_pi_iters [tra]

    80

Variants, counting seeds: 1
Variants, not counting seeds: 1

================================================================================

Preparing to run the following experiments...

Flexibility10x10_SP50-v5

================================================================================

Launch delayed to give you a few seconds to review your experiments.

To customize or disable this behavior, change WAIT_BEFORE_LAUNCH in
spinup/user_config.py.

================================================================================
Running experiment:

Flexibility10x10_SP50-v5

with kwargs:

{
"ac_kwargs": {
"activation": "relu"
},
"custom_h": "20-10",
"do_checkpoint_eval": true,
"env_input": "/hpc/group/carin/ss1043/NRL_flex_design/spinup/FlexibilityEnv_input/input_ran10x10a_cv0.8.pkl",
"env_n_sample": 50,
"env_name": "Flexibility10x10_SP50-v5",
"env_version": 5,
"epochs": 6,
"eval_episodes": 50,
"eval_temp": 1.0,
"gamma": 0.99,
"max_ep_len": 200,
"save_freq": 3,
"seed": 0,
"steps_per_epoch": 6000,
"target_arcs": 11,
"train_pi_iters": 80,
"train_starting_temp": 1.0,
"train_v_iters": 80
}

/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:516: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:517: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:518: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:519: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:520: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:525: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:541: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:542: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:543: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:544: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:545: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
/hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:550: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])
WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/mpi_tf.py:29: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.

libGL error: unable to load driver: swrast_dri.so
libGL error: failed to load driver: swrast
Logging data to /hpc/group/carin/ss1043/NRL_flex_design/data/Flexibility10x10_SP50-v5/Flexibility10x10_SP50-v5_s0/progress.txt
Saving config:

{
"ac_kwargs": {
"activation": "relu"
},
"actor_critic": "mlp_actor_critic",
"clip_ratio": 0.2,
"custom_h": "20-10",
"do_checkpoint_eval": true,
"env_fn": "CustomFlexibilityEnv",
"env_input": "/hpc/group/carin/ss1043/NRL_flex_design/spinup/FlexibilityEnv_input/input_ran10x10a_cv0.8.pkl",
"env_name": "Flexibility10x10_SP50-v5",
"env_version": 5,
"epochs": 6,
"eval_episodes": 50,
"eval_temp": 1.0,
"exp_name": "Flexibility10x10_SP50-v5",
"gamma": 0.99,
"lam": 0.97,
"logger": {
"<spinup.utils.logx.EpochLogger object at 0x7f45fcbbfb00>": {
"epoch_dict": {},
"exp_name": "Flexibility10x10_SP50-v5",
"first_row": true,
"log_current_row": {},
"log_headers": [],
"output_dir": "/hpc/group/carin/ss1043/NRL_flex_design/data/Flexibility10x10_SP50-v5/Flexibility10x10_SP50-v5_s0",
"output_file": {
"<_io.TextIOWrapper name='/hpc/group/carin/ss1043/NRL_flex_design/data/Flexibility10x10_SP50-v5/Flexibility10x10_SP50-v5_s0/progress.txt' mode='w' encoding='UTF-8'>": {
"mode": "w"
}
}
}
},
"logger_kwargs": {
"exp_name": "Flexibility10x10_SP50-v5",
"output_dir": "/hpc/group/carin/ss1043/NRL_flex_design/data/Flexibility10x10_SP50-v5/Flexibility10x10_SP50-v5_s0"
},
"max_ep_len": 200,
"pi_lr": 0.0003,
"save_freq": 3,
"seed": 0,
"steps_per_epoch": 6000,
"target_arcs": 11,
"target_kl": 0.01,
"train_pi_iters": 80,
"train_starting_temp": 1.0,
"train_v_iters": 80,
"vf_lr": 0.001
}
WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/tensorboard_logging.py:19: The name tf.summary.FileWriter is deprecated. Please use tf.compat.v1.summary.FileWriter instead.

WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/algos/ppo/ppo.py:187: The name tf.set_random_seed is deprecated. Please use tf.compat.v1.set_random_seed instead.

using env: Flexibility10x10_SP50-v5 | n_plant: 10 | n_product: 10 | target_arcs: 11 | n_sample: 50 | env_version: 5
WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/algos/ppo/core.py:29: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.

WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/algos/ppo/core.py:122: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/algos/ppo/core.py:39: dense (from tensorflow.python.layers.core) is deprecated and will be removed in a future version.
Instructions for updating:
Use keras.layers.dense instead.
WARNING:tensorflow:From /hpc/home/ss1043/.local/lib/python3.6/site-packages/tensorflow/python/ops/init_ops.py:1251: calling VarianceScaling.init (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/algos/ppo/core.py:87: multinomial (from tensorflow.python.ops.random_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.random.categorical instead.
WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/algos/ppo/core.py:44: The name tf.trainable_variables is deprecated. Please use tf.compat.v1.trainable_variables instead.

Number of parameters: pi: 3330, v: 2241

WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/algos/ppo/ppo.py:227: add_dispatch_support..wrapper (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:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/mpi_tf.py:63: py_func (from tensorflow.python.ops.script_ops) is deprecated and will be removed in a future version.
Instructions for updating:
tf.py_func is deprecated in TF V2. Instead, there are two
options available in V2.
- tf.py_function takes a python function which manipulates tf eager
tensors instead of numpy arrays. It's easy to convert a tf eager tensor to
an ndarray (just call tensor.numpy()) but having access to eager tensors
means tf.py_functions can use accelerators such as GPUs as well as
being differentiable using a gradient tape.
- tf.numpy_function maintains the semantics of the deprecated tf.py_func
(it is not differentiable, and manipulates numpy arrays). It drops the
stateful argument making all functions stateful.

WARNING:tensorflow:From /hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/mpi_tf.py:14: The name tf.assign is deprecated. Please use tf.compat.v1.assign instead.

2020-05-01 18:04:22.498707: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2020-05-01 18:04:22.506543: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /opt/apps/rhel7/openmpi-4.0.1-gnu-7.4.0/lib:/opt/apps/rhel7/gcc-7.4.0/lib64
2020-05-01 18:04:22.506587: E tensorflow/stream_executor/cuda/cuda_driver.cc:318] failed call to cuInit: UNKNOWN ERROR (303)
2020-05-01 18:04:22.506635: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:156] kernel driver does not appear to be running on this host (dcc-slogin-01): /proc/driver/nvidia/version does not exist
2020-05-01 18:04:22.509517: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 2494220000 Hz
2020-05-01 18:04:22.509998: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x563f2a4083b0 executing computations on platform Host. Devices:
2020-05-01 18:04:22.510028: I tensorflow/compiler/xla/service/service.cc:175] StreamExecutor device (0): ,
2020-05-01 18:04:22.597265: W tensorflow/compiler/jit/mark_for_compilation_pass.cc:1412] (One-time warning): Not using XLA:CPU for cluster because envvar TF_XLA_FLAGS=--tf_xla_cpu_global_jit was not set. If you want XLA:CPU, either set that envvar, or use experimental_jit_scope to enable XLA:CPU. To confirm that XLA is active, pass --vmodule=xla_compilation_cache=1 (as a proper command-line flag, not via TF_XLA_FLAGS) or set the envvar XLA_FLAGS=--xla_hlo_profile.
Using license file /hpc/home/ss1043/gurobi.lic
Academic license - for non-commercial use only
Warning: trajectory cut off by epoch at 5 steps.

| Epoch | 0 |
| AverageEpRet | 8.48e+03 |
| StdEpRet | 1.72e+03 |
| MaxEpRet | 1.33e+04 |
| MinEpRet | 3.08e+03 |
| EpLen | 11 |
| AverageVVals | -0.015 |
| StdVVals | 0.142 |
| MaxVVals | 0.635 |
| MinVVals | -0.568 |
| TotalEnvInteracts | 6e+03 |
| LossPi | 5.07e-08 |
| LossV | 7.49e+07 |
| DeltaLossPi | -0.0195 |
| DeltaLossV | -4.71e+04 |
| Entropy | 4.6 |
| KL | -0.00345 |
| ClipFrac | 0.00783 |
| StopIter | 79 |
| Time | 11 |
| EpochTemp | 1 |
| AverageEpDummyCount | 0.536 |
| StdEpDummyCount | 0.663 |
| MaxEpDummyCount | 4 |
| MinEpDummyCount | 0 |
| EpDummyStepsNormalized | 0.72 |
| EpTotalArcs | 10.5 |

Warning: trajectory cut off by epoch at 5 steps.

| Epoch | 1 |
| AverageEpRet | 8.64e+03 |
| StdEpRet | 1.63e+03 |
| MaxEpRet | 1.27e+04 |
| MinEpRet | 3.5e+03 |
| EpLen | 11 |
| AverageVVals | 2.68 |
| StdVVals | 1.35 |
| MaxVVals | 6.27 |
| MinVVals | 0.55 |
| TotalEnvInteracts | 1.2e+04 |
| LossPi | -3.47e-07 |
| LossV | 7.71e+07 |
| DeltaLossPi | -0.0284 |
| DeltaLossV | -1.8e+05 |
| Entropy | 4.6 |
| KL | -0.00523 |
| ClipFrac | 0.0563 |
| StopIter | 79 |
| Time | 21.6 |
| EpochTemp | 1 |
| AverageEpDummyCount | 0.51 |
| StdEpDummyCount | 0.644 |
| MaxEpDummyCount | 3 |
| MinEpDummyCount | 0 |
| EpDummyStepsNormalized | 0.753 |
| EpTotalArcs | 10.5 |

Warning: trajectory cut off by epoch at 5 steps.

| Epoch | 2 |
| AverageEpRet | 8.85e+03 |
| StdEpRet | 1.64e+03 |
| MaxEpRet | 1.33e+04 |
| MinEpRet | 2.49e+03 |
| EpLen | 11 |
| AverageVVals | 12.7 |
| StdVVals | 6.36 |
| MaxVVals | 26.7 |
| MinVVals | 2.61 |
| TotalEnvInteracts | 1.8e+04 |
| LossPi | 1.22e-07 |
| LossV | 8.02e+07 |
| DeltaLossPi | -0.0324 |
| DeltaLossV | -4.8e+05 |
| Entropy | 4.59 |
| KL | 9.98e-05 |
| ClipFrac | 0.108 |
| StopIter | 79 |
| Time | 33.1 |
| EpochTemp | 1 |
| AverageEpDummyCount | 0.527 |
| StdEpDummyCount | 0.701 |
| MaxEpDummyCount | 3 |
| MinEpDummyCount | 0 |
| EpDummyStepsNormalized | 0.753 |
| EpTotalArcs | 10.5 |

Warning: trajectory cut off by epoch at 5 steps.
Logging data to /hpc/group/carin/ss1043/NRL_flex_design/data/Flexibility10x10_SP50-v5/Flexibility10x10_SP50-v5_s0/simple_save999999/progress.txt
using new env F10x10T11_SP5000_v5 to evaluate performance
using env: F10x10T11_SP5000_v5 | n_plant: 10 | n_product: 10 | target_arcs: 11 | n_sample: 5000 | env_version: 5
Episode 0 EpRet 9752.241 EpLen 11
Episode 1 EpRet 9825.304 EpLen 11
Episode 2 EpRet 9189.934 EpLen 11
Episode 3 EpRet 7178.656 EpLen 11
Episode 4 EpRet 10667.868 EpLen 11
Episode 5 EpRet 8719.226 EpLen 11
Episode 6 EpRet 7770.236 EpLen 11
Episode 7 EpRet 10936.892 EpLen 11
Episode 8 EpRet 12552.061 EpLen 11
Episode 9 EpRet 10677.564 EpLen 11
Episode 10 EpRet 11513.132 EpLen 11
Episode 11 EpRet 9860.304 EpLen 11
Episode 12 EpRet 9529.868 EpLen 11
Episode 13 EpRet 11549.334 EpLen 11
Episode 14 EpRet 10710.186 EpLen 11
Episode 15 EpRet 7444.812 EpLen 11
Episode 16 EpRet 8997.938 EpLen 11
Episode 17 EpRet 7135.926 EpLen 11
Episode 18 EpRet 11031.661 EpLen 11
Episode 19 EpRet 6966.434 EpLen 11
Episode 20 EpRet 8260.829 EpLen 11
Episode 21 EpRet 8900.935 EpLen 11
Episode 22 EpRet 6583.061 EpLen 11
Episode 23 EpRet 9120.730 EpLen 11
Episode 24 EpRet 6232.231 EpLen 11
Episode 25 EpRet 7734.583 EpLen 11
Episode 26 EpRet 8877.953 EpLen 11
Episode 27 EpRet 9021.516 EpLen 11
Episode 28 EpRet 7635.671 EpLen 11
Episode 29 EpRet 11866.821 EpLen 11
Episode 30 EpRet 11472.370 EpLen 11
Episode 31 EpRet 6235.738 EpLen 11
Episode 32 EpRet 10129.548 EpLen 11
Episode 33 EpRet 7911.398 EpLen 11
Episode 34 EpRet 8019.865 EpLen 11
Episode 35 EpRet 8542.645 EpLen 11
Episode 36 EpRet 8483.730 EpLen 11
Episode 37 EpRet 6242.721 EpLen 11
Episode 38 EpRet 9721.009 EpLen 11
Episode 39 EpRet 12244.069 EpLen 11
Episode 40 EpRet 7824.031 EpLen 11
Episode 41 EpRet 10465.011 EpLen 11
Episode 42 EpRet 9708.254 EpLen 11
Episode 43 EpRet 9482.546 EpLen 11
Episode 44 EpRet 9472.921 EpLen 11
Episode 45 EpRet 10833.577 EpLen 11
Episode 46 EpRet 7508.933 EpLen 11
Episode 47 EpRet 9969.241 EpLen 11
Episode 48 EpRet 6082.994 EpLen 11
Episode 49 EpRet 8042.233 EpLen 11

| AverageEpRet | 9.09e+03 |
| StdEpRet | 1.68e+03 |
| MaxEpRet | 1.26e+04 |
| MinEpRet | 6.08e+03 |
| EpLen | 11 |
| EpTotalArcs | 10.7 |

Traceback (most recent call last):
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/run_entrypoint.py", line 11, in
thunk()
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/run_utils.py", line 171, in thunk_plus
thunk(**kwargs)
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/algos/ppo/ppo.py", line 379, in ppo
seed=seed
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/custom_utils.py", line 79, in eval_and_save_best_model
train_logger.save_state({'env_name': eval_env_name}, itr=999999)
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/logx.py", line 189, in save_state
self._tf_simple_save(itr)
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/logx.py", line 226, in _tf_simple_save
shutil.rmtree(fpath)
File "/hpc/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/shutil.py", line 490, in rmtree
onerror(os.rmdir, path, sys.exc_info())
File "/hpc/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/shutil.py", line 488, in rmtree
os.rmdir(path)
OSError: [Errno 39] Directory not empty: '/hpc/group/carin/ss1043/NRL_flex_design/data/Flexibility10x10_SP50-v5/Flexibility10x10_SP50-v5_s0/simple_save999999'

================================================================================

There appears to have been an error in your experiment.

Check the traceback above to see what actually went wrong. The
traceback below, included for completeness (but probably not useful
for diagnosing the error), shows the stack leading up to the
experiment launch.

================================================================================

Traceback (most recent call last):
File "/hpc/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/runpy.py", line 193, in _run_module_as_main
"main", mod_spec)
File "/hpc/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/runpy.py", line 85, in _run_code
exec(code, run_globals)
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/run_flexibility.py", line 100, in
run_experiment(args)
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/run_flexibility.py", line 48, in run_experiment
eg.run(ppo)
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/run_utils.py", line 569, in run
data_dir=data_dir, datestamp=datestamp, **var)
File "/hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/run_utils.py", line 180, in call_experiment
subprocess.check_call(cmd, env=os.environ)
File "/hpc/home/ss1043/miniconda3/envs/spinningup/lib/python3.6/subprocess.py", line 311, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['/hpc/home/ss1043/miniconda3/envs/spinningup/bin/python', '/hpc/group/carin/ss1043/NRL_flex_design/spinup/utils/run_entrypoint.py', 'eJytVN1uHDUUntm/THY3fzRNSK+QkNBy0dlNoFIvCggi6MVAVKXcVpYz4x1b47Hdsb1JKoqQUNtcuNzESDxFn4PX4AngETgzu0mXSpFAYkbjsc85Pr/fOT91fv2qFzSP2025tJliacFJvLT3bh1NGedoakVqmBT+0o9o4DZQiQuCdEHmLCADdQ2dWMYNE8icKwI0Fx3KjHxfH174Yz9KAnjDZCW5dfhjFl4ERa+iF0EW7gXPA/i39oJsCLSJCX64Ondft2DXe3B1Xim6FX3LhzVq1tVm7YPE4HX3+kb/s8CEF+HPYRhctKZA+QV2WfA48KMjFxExQwKXEOWg3s5IpesQwcMWHb7wrldTp0Bou4HBVU4MwlWqvVutGUwoa7wbNlqQxqWCfI3okG7QTbplGjUvPUhs1RdTq40s0UKji0rF0FRWhX/p6QBsfTmmKh3nlbRqnOKKibHW+5NPPxkfHX+LppycoYxolgNZMQEy1jCux5UVqNnF6ty7vqFWFEhxq33y2+GdoBWFUTgMt+HrhL3m3Wz12lEbYitOISKIZUXYEqXKetdtrvtX/mMDxUraz/3IDRBSOC1wThCCWOfG48YkBIGa9NWcnWVOfO1WIwMAamT+hxDtK/Cs9msl5/IEgwE40J13zNe5NVICl+4AMG+7vX+wF6WYO0hvX3rrooxMseVG+yPXyVhqQK9bh0bQtiJohrkl2j/xo9p0jyiZUshwz21oQ5RGilSoIfrv1K5b1XhG0LQiT2vg9Et8BkzECeDod7eKU7TIPFjoY2iqGW4ay31giNCymnJ5CqEaKkUslY5zIpAQCLbedSrCLfSVdtEiCAplO5jc3Z94914mUUpJWijJhEEEvPYXbq3+gwNMQyeC0wduzVQYWhQAbADwPnkEcK5lDCmVf/jFX4uRcGsupgH40NH5u+xujssSA+HPN9vP/nj4hg6TLh2497+BOrITxpk535+c7U/Q40f3Jndn9zzddE/+IwCWdH191XDjZkUVFo16jNLZJL4fq4J7upUc0I1k4NbnrgMKrkPsaEIyn8CM4jLPoV7XRRi5vrSm1pmxyjv8b33MsMHjm6K9kYE0VCoiZ2oxeG7Ol7VJ6LYXwMU8l9AAStafd+16vfTE9UqZWRg79CPXaRTSO66dyRRgvIuW5jjS9mQuWsPYDbAQ0jS4a3AYPbWYzx36MMUw7sFBUrGSCBM/4BJI+vN4abi4fnH6tmOsOY7/Bj/xSM4=']' returned non-zero exit status 1.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.