├── .gitignore ├── LICENSE_garage ├── README.md ├── dowel ├── __init__.py ├── csv_output.py ├── histogram.py ├── logger.py ├── setup.py ├── simple_outputs.py ├── tabular_input.py ├── tensor_board_output.py └── utils.py ├── dowel_wrapper.py ├── envs ├── __init__.py └── mujoco │ ├── __init__.py │ ├── ant_env.py │ ├── assets │ ├── ant.xml │ ├── half_cheetah.xml │ ├── half_cheetah_hurdle.xml │ └── humanoid.xml │ ├── half_cheetah_env.py │ ├── humanoid_env.py │ └── mujoco_utils.py ├── garaged ├── .codecov.yml ├── .dockerignore ├── .editorconfig ├── .gitignore ├── .mergify.yml ├── .pre-commit-config.yaml ├── .pylintrc ├── .travis.yml ├── CHANGELOG.md ├── CODEOWNERS ├── CONTRIBUTING.md ├── LICENSE ├── MANIFEST.in ├── Makefile ├── README.md ├── VERSION ├── benchmarks │ ├── README.md │ ├── setup.py │ └── src │ │ └── garage_benchmarks │ │ ├── __init__.py │ │ ├── benchmark_algos.py │ │ ├── benchmark_auto.py │ │ ├── benchmark_baselines.py │ │ ├── benchmark_policies.py │ │ ├── benchmark_q_functions.py │ │ ├── experiments │ │ ├── __init__.py │ │ ├── algos │ │ │ ├── __init__.py │ │ │ ├── ddpg_garage_tf.py │ │ │ ├── her_garage_tf.py │ │ │ ├── ppo_garage_pytorch.py │ │ │ ├── ppo_garage_tf.py │ │ │ ├── td3_garage_tf.py │ │ │ ├── trpo_garage_pytorch.py │ │ │ ├── trpo_garage_tf.py │ │ │ ├── vpg_garage_pytorch.py │ │ │ └── vpg_garage_tf.py │ │ ├── baselines │ │ │ ├── __init__.py │ │ │ ├── continuous_mlp_baseline.py │ │ │ ├── gaussian_cnn_baseline.py │ │ │ └── gaussian_mlp_baseline.py │ │ ├── policies │ │ │ ├── __init__.py │ │ │ ├── categorical_cnn_policy.py │ │ │ ├── categorical_gru_policy.py │ │ │ ├── categorical_lstm_policy.py │ │ │ ├── categorical_mlp_policy.py │ │ │ ├── continuous_mlp_policy.py │ │ │ ├── gaussian_gru_policy.py │ │ │ ├── gaussian_lstm_policy.py │ │ │ └── gaussian_mlp_policy.py │ │ └── q_functions │ │ │ ├── __init__.py │ │ │ └── continuous_mlp_q_function.py │ │ ├── helper.py │ │ ├── parameters.py │ │ └── run_benchmarks.py ├── docker │ ├── Dockerfile │ ├── README.md │ └── hooks │ │ └── build ├── docs │ ├── Makefile │ ├── _static │ │ └── theme_overrides.css │ ├── conf.py │ ├── index.rst │ ├── requirements.txt │ └── user │ │ ├── experiments.rst │ │ ├── implement_algo.rst │ │ ├── implement_env.rst │ │ └── installation.rst ├── examples │ ├── jupyter │ │ ├── custom_env.ipynb │ │ └── trpo_gym_tf_cartpole.ipynb │ ├── np │ │ ├── cem_cartpole.py │ │ └── cma_es_cartpole.py │ ├── sim_policy.py │ ├── step_dm_control_env.py │ ├── step_env.py │ ├── tf │ │ ├── ddpg_pendulum.py │ │ ├── dqn_cartpole.py │ │ ├── dqn_pong.py │ │ ├── erwr_cartpole.py │ │ ├── her_ddpg_fetchreach.py │ │ ├── multi_env_ppo.py │ │ ├── multi_env_trpo.py │ │ ├── ppo_memorize_digits.py │ │ ├── ppo_pendulum.py │ │ ├── reps_gym_cartpole.py │ │ ├── resume_training.py │ │ ├── rl2_ppo_halfcheetah.py │ │ ├── rl2_ppo_halfcheetah_meta_test.py │ │ ├── rl2_ppo_metaworld_ml10.py │ │ ├── rl2_ppo_metaworld_ml10_meta_test.py │ │ ├── rl2_ppo_metaworld_ml1_push.py │ │ ├── rl2_ppo_metaworld_ml45.py │ │ ├── rl2_trpo_halfcheetah.py │ │ ├── td3_pendulum.py │ │ ├── te_ppo_metaworld_ml1_push.py │ │ ├── te_ppo_metaworld_mt10.py │ │ ├── te_ppo_metaworld_mt50.py │ │ ├── te_ppo_point.py │ │ ├── trpo_cartpole.py │ │ ├── trpo_cartpole_batch_sampler.py │ │ ├── trpo_cartpole_recurrent.py │ │ ├── trpo_cubecrash.py │ │ ├── trpo_gym_tf_cartpole.py │ │ ├── trpo_swimmer.py │ │ ├── trpo_swimmer_ray_sampler.py │ │ ├── trpois_inverted_pendulum.py │ │ ├── vpg_cartpole.py │ │ └── vpgis_inverted_pendulum.py │ └── torch │ │ ├── ddpg_pendulum.py │ │ ├── maml_ppo_half_cheetah_dir.py │ │ ├── maml_trpo_half_cheetah_dir.py │ │ ├── maml_trpo_metaworld_ml10.py │ │ ├── maml_trpo_metaworld_ml1_push.py │ │ ├── maml_trpo_metaworld_ml45.py │ │ ├── maml_vpg_half_cheetah_dir.py │ │ ├── mtppo_metaworld_ml1_push.py │ │ ├── mtppo_metaworld_mt10.py │ │ ├── mtppo_metaworld_mt50.py │ │ ├── mtsac_metaworld_ml1_pick_place.py │ │ ├── mtsac_metaworld_mt10.py │ │ ├── mtsac_metaworld_mt50.py │ │ ├── mttrpo_metaworld_ml1_push.py │ │ ├── mttrpo_metaworld_mt10.py │ │ ├── mttrpo_metaworld_mt50.py │ │ ├── pearl_half_cheetah_vel.py │ │ ├── pearl_metaworld_ml10.py │ │ ├── pearl_metaworld_ml1_push.py │ │ ├── pearl_metaworld_ml45.py │ │ ├── ppo_pendulum.py │ │ ├── resume_training.py │ │ ├── sac_half_cheetah_batch.py │ │ ├── trpo_pendulum.py │ │ ├── trpo_pendulum_ray_sampler.py │ │ └── vpg_pendulum.py ├── readthedocs.yml ├── scripts │ ├── check_commit_message │ └── garage ├── setup.cfg ├── setup.py ├── src │ └── garage │ │ ├── __init__.py │ │ ├── _dtypes.py │ │ ├── _functions.py │ │ ├── envs │ │ ├── __init__.py │ │ ├── dm_control │ │ │ ├── __init__.py │ │ │ ├── dm_control_env.py │ │ │ └── dm_control_viewer.py │ │ ├── env_spec.py │ │ ├── garage_env.py │ │ ├── grid_world_env.py │ │ ├── mujoco │ │ │ ├── __init__.py │ │ │ ├── half_cheetah_dir_env.py │ │ │ ├── half_cheetah_env_meta_base.py │ │ │ └── half_cheetah_vel_env.py │ │ ├── multi_env_wrapper.py │ │ ├── normalized_env.py │ │ ├── point_env.py │ │ ├── step.py │ │ ├── task_onehot_wrapper.py │ │ └── wrappers │ │ │ ├── __init__.py │ │ │ ├── atari_env.py │ │ │ ├── clip_reward.py │ │ │ ├── episodic_life.py │ │ │ ├── fire_reset.py │ │ │ ├── grayscale.py │ │ │ ├── max_and_skip.py │ │ │ ├── noop.py │ │ │ ├── resize.py │ │ │ └── stack_frames.py │ │ ├── experiment │ │ ├── __init__.py │ │ ├── deterministic.py │ │ ├── experiment.py │ │ ├── experiment_wrapper.py │ │ ├── local_runner.py │ │ ├── local_tf_runner.py │ │ ├── meta_evaluator.py │ │ ├── snapshotter.py │ │ └── task_sampler.py │ │ ├── misc │ │ ├── __init__.py │ │ └── tensor_utils.py │ │ ├── np │ │ ├── __init__.py │ │ ├── _functions.py │ │ ├── algos │ │ │ ├── __init__.py │ │ │ ├── cem.py │ │ │ ├── cma_es.py │ │ │ ├── meta_rl_algorithm.py │ │ │ ├── nop.py │ │ │ └── rl_algorithm.py │ │ ├── baselines │ │ │ ├── __init__.py │ │ │ ├── baseline.py │ │ │ ├── linear_feature_baseline.py │ │ │ ├── linear_multi_feature_baseline.py │ │ │ └── zero_baseline.py │ │ ├── embeddings │ │ │ ├── __init__.py │ │ │ └── encoder.py │ │ ├── exploration_policies │ │ │ ├── __init__.py │ │ │ ├── add_gaussian_noise.py │ │ │ ├── add_ornstein_uhlenbeck_noise.py │ │ │ ├── epsilon_greedy_policy.py │ │ │ └── exploration_policy.py │ │ ├── optimizers │ │ │ ├── __init__.py │ │ │ └── minibatch_dataset.py │ │ ├── policies │ │ │ ├── __init__.py │ │ │ ├── fixed_policy.py │ │ │ ├── policy.py │ │ │ └── scripted_policy.py │ │ └── q_functions │ │ │ ├── __init__.py │ │ │ └── q_function.py │ │ ├── plotter │ │ ├── __init__.py │ │ └── plotter.py │ │ ├── replay_buffer │ │ ├── __init__.py │ │ ├── her_replay_buffer.py │ │ ├── path_buffer.py │ │ └── replay_buffer.py │ │ ├── sampler │ │ ├── __init__.py │ │ ├── batch_sampler.py │ │ ├── default_worker.py │ │ ├── env_update.py │ │ ├── is_sampler.py │ │ ├── local_sampler.py │ │ ├── multiprocessing_sampler.py │ │ ├── off_policy_vectorized_sampler.py │ │ ├── on_policy_vectorized_sampler.py │ │ ├── parallel_sampler.py │ │ ├── parallel_vec_env_executor.py │ │ ├── ray_sampler.py │ │ ├── sampler.py │ │ ├── sampler_deprecated.py │ │ ├── stateful_pool.py │ │ ├── utils.py │ │ ├── vec_env_executor.py │ │ ├── vec_worker.py │ │ ├── worker.py │ │ └── worker_factory.py │ │ ├── tf │ │ ├── __init__.py │ │ ├── _functions.py │ │ ├── algos │ │ │ ├── __init__.py │ │ │ ├── _rl2npo.py │ │ │ ├── ddpg.py │ │ │ ├── dqn.py │ │ │ ├── erwr.py │ │ │ ├── npo.py │ │ │ ├── ppo.py │ │ │ ├── reps.py │ │ │ ├── rl2.py │ │ │ ├── rl2ppo.py │ │ │ ├── rl2trpo.py │ │ │ ├── td3.py │ │ │ ├── te.py │ │ │ ├── te_npo.py │ │ │ ├── te_ppo.py │ │ │ ├── tnpg.py │ │ │ ├── trpo.py │ │ │ └── vpg.py │ │ ├── baselines │ │ │ ├── __init__.py │ │ │ ├── continuous_mlp_baseline.py │ │ │ ├── gaussian_cnn_baseline.py │ │ │ └── gaussian_mlp_baseline.py │ │ ├── distributions │ │ │ ├── __init__.py │ │ │ ├── bernoulli.py │ │ │ ├── categorical.py │ │ │ ├── diagonal_gaussian.py │ │ │ ├── distribution.py │ │ │ ├── recurrent_categorical.py │ │ │ └── recurrent_diagonal_gaussian.py │ │ ├── embeddings │ │ │ ├── __init__.py │ │ │ ├── encoder.py │ │ │ └── gaussian_mlp_encoder.py │ │ ├── misc │ │ │ ├── __init__.py │ │ │ └── tensor_utils.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── categorical_cnn_model.py │ │ │ ├── categorical_gru_model.py │ │ │ ├── categorical_lstm_model.py │ │ │ ├── categorical_mlp_model.py │ │ │ ├── cnn.py │ │ │ ├── cnn_mlp_merge_model.py │ │ │ ├── cnn_model.py │ │ │ ├── cnn_model_max_pooling.py │ │ │ ├── gaussian_cnn_model.py │ │ │ ├── gaussian_gru_model.py │ │ │ ├── gaussian_lstm_model.py │ │ │ ├── gaussian_mlp_model.py │ │ │ ├── gru.py │ │ │ ├── gru_model.py │ │ │ ├── lstm.py │ │ │ ├── lstm_model.py │ │ │ ├── mlp.py │ │ │ ├── mlp_dueling_model.py │ │ │ ├── mlp_merge_model.py │ │ │ ├── mlp_model.py │ │ │ ├── model.py │ │ │ ├── module.py │ │ │ ├── normalized_input_mlp_model.py │ │ │ ├── parameter.py │ │ │ └── sequential.py │ │ ├── optimizers │ │ │ ├── __init__.py │ │ │ ├── conjugate_gradient_optimizer.py │ │ │ ├── first_order_optimizer.py │ │ │ ├── lbfgs_optimizer.py │ │ │ ├── penalty_lbfgs_optimizer.py │ │ │ └── utils.py │ │ ├── plotter │ │ │ ├── __init__.py │ │ │ └── plotter.py │ │ ├── policies │ │ │ ├── __init__.py │ │ │ ├── categorical_cnn_policy.py │ │ │ ├── categorical_gru_policy.py │ │ │ ├── categorical_lstm_policy.py │ │ │ ├── categorical_mlp_policy.py │ │ │ ├── continuous_mlp_policy.py │ │ │ ├── discrete_qf_derived_policy.py │ │ │ ├── gaussian_gru_policy.py │ │ │ ├── gaussian_lstm_policy.py │ │ │ ├── gaussian_mlp_policy.py │ │ │ ├── gaussian_mlp_task_embedding_policy.py │ │ │ ├── policy.py │ │ │ ├── task_embedding_policy.py │ │ │ └── uniform_control_policy.py │ │ ├── q_functions │ │ │ ├── __init__.py │ │ │ ├── continuous_cnn_q_function.py │ │ │ ├── continuous_mlp_q_function.py │ │ │ ├── discrete_cnn_q_function.py │ │ │ ├── discrete_mlp_q_function.py │ │ │ └── q_function.py │ │ ├── regressors │ │ │ ├── __init__.py │ │ │ ├── bernoulli_mlp_regressor.py │ │ │ ├── categorical_mlp_regressor.py │ │ │ ├── categorical_mlp_regressor_model.py │ │ │ ├── continuous_mlp_regressor.py │ │ │ ├── gaussian_cnn_regressor.py │ │ │ ├── gaussian_cnn_regressor_model.py │ │ │ ├── gaussian_mlp_regressor.py │ │ │ ├── gaussian_mlp_regressor_model.py │ │ │ └── regressor.py │ │ └── samplers │ │ │ ├── __init__.py │ │ │ ├── batch_sampler.py │ │ │ └── worker.py │ │ └── torch │ │ ├── __init__.py │ │ ├── _functions.py │ │ ├── algos │ │ ├── __init__.py │ │ ├── ddpg.py │ │ ├── maml.py │ │ ├── maml_ppo.py │ │ ├── maml_trpo.py │ │ ├── maml_vpg.py │ │ ├── mtsac.py │ │ ├── pearl.py │ │ ├── ppo.py │ │ ├── sac.py │ │ ├── trpo.py │ │ └── vpg.py │ │ ├── distributions │ │ ├── __init__.py │ │ └── tanh_normal.py │ │ ├── embeddings │ │ ├── __init__.py │ │ └── mlp_encoder.py │ │ ├── modules │ │ ├── __init__.py │ │ ├── gaussian_mlp_module.py │ │ ├── mlp_module.py │ │ └── multi_headed_mlp_module.py │ │ ├── optimizers │ │ ├── __init__.py │ │ ├── conjugate_gradient_optimizer.py │ │ ├── differentiable_sgd.py │ │ └── optimizer_wrapper.py │ │ ├── policies │ │ ├── __init__.py │ │ ├── context_conditioned_policy.py │ │ ├── deterministic_mlp_policy.py │ │ ├── gaussian_mlp_policy.py │ │ ├── policy.py │ │ ├── stochastic_policy.py │ │ └── tanh_gaussian_mlp_policy.py │ │ ├── q_functions │ │ ├── __init__.py │ │ └── continuous_mlp_q_function.py │ │ └── value_functions │ │ ├── __init__.py │ │ ├── gaussian_mlp_value_function.py │ │ └── value_function.py └── tests │ ├── __init__.py │ ├── fixtures │ ├── __init__.py │ ├── algos │ │ ├── __init__.py │ │ ├── dummy_algo.py │ │ └── dummy_tf_algo.py │ ├── distributions │ │ ├── __init__.py │ │ └── dummy_distribution.py │ ├── envs │ │ ├── __init__.py │ │ ├── dummy │ │ │ ├── __init__.py │ │ │ ├── base.py │ │ │ ├── dummy_box_env.py │ │ │ ├── dummy_dict_env.py │ │ │ ├── dummy_discrete_2d_env.py │ │ │ ├── dummy_discrete_env.py │ │ │ ├── dummy_discrete_pixel_env.py │ │ │ ├── dummy_discrete_pixel_env_baselines.py │ │ │ ├── dummy_multitask_box_env.py │ │ │ └── dummy_reward_box_env.py │ │ └── wrappers │ │ │ ├── __init__.py │ │ │ └── reshape_observation.py │ ├── experiment │ │ ├── __init__.py │ │ └── fixture_experiment.py │ ├── fixtures.py │ ├── logger.py │ ├── models │ │ ├── __init__.py │ │ ├── simple_categorical_gru_model.py │ │ ├── simple_categorical_lstm_model.py │ │ ├── simple_categorical_mlp_model.py │ │ ├── simple_cnn_model.py │ │ ├── simple_cnn_model_with_max_pooling.py │ │ ├── simple_gaussian_cnn_model.py │ │ ├── simple_gaussian_gru_model.py │ │ ├── simple_gaussian_lstm_model.py │ │ ├── simple_gaussian_mlp_model.py │ │ ├── simple_gru_model.py │ │ ├── simple_lstm_model.py │ │ ├── simple_mlp_merge_model.py │ │ └── simple_mlp_model.py │ ├── policies │ │ ├── __init__.py │ │ ├── dummy_policy.py │ │ └── dummy_recurrent_policy.py │ ├── q_functions │ │ ├── __init__.py │ │ └── simple_q_function.py │ ├── regressors │ │ ├── __init__.py │ │ ├── simple_gaussian_cnn_regressor.py │ │ ├── simple_gaussian_mlp_regressor.py │ │ └── simple_mlp_regressor.py │ ├── sampler │ │ ├── __init__.py │ │ └── ray_fixtures.py │ └── tf │ │ ├── __init__.py │ │ └── algos │ │ └── dummy_off_policy_algo.py │ ├── garage │ ├── .pylintrc │ ├── __init__.py │ ├── envs │ │ ├── __init__.py │ │ ├── box2d │ │ │ └── parser │ │ │ │ └── __init__.py │ │ ├── dm_control │ │ │ ├── __init__.py │ │ │ ├── test_dm_control_env.py │ │ │ └── test_dm_control_tf_policy.py │ │ ├── test_env_spec.py │ │ ├── test_garage_env.py │ │ ├── test_grid_world_env.py │ │ ├── test_half_cheetah_meta_envs.py │ │ ├── test_multi_env_wrapper.py │ │ ├── test_normalized_env.py │ │ ├── test_normalized_gym.py │ │ ├── test_point_env.py │ │ ├── test_rl2_env.py │ │ ├── test_task_onehot_wrapper.py │ │ └── wrappers │ │ │ ├── __init__.py │ │ │ ├── test_atari_env.py │ │ │ ├── test_clip_reward.py │ │ │ ├── test_episodic_life.py │ │ │ ├── test_fire_reset.py │ │ │ ├── test_grayscale_env.py │ │ │ ├── test_max_and_skip.py │ │ │ ├── test_noop.py │ │ │ ├── test_resize_env.py │ │ │ └── test_stack_frames_env.py │ ├── experiment │ │ ├── __init__.py │ │ ├── test_deterministic.py │ │ ├── test_experiment.py │ │ ├── test_experiment_wrapper.py │ │ ├── test_local_runner.py │ │ ├── test_meta_evaluator.py │ │ ├── test_resume.py │ │ ├── test_snapshotter.py │ │ ├── test_snapshotter_integration.py │ │ └── test_task_sampler.py │ ├── misc │ │ ├── __init__.py │ │ └── test_tensor_utils.py │ ├── np │ │ ├── __init__.py │ │ ├── algos │ │ │ ├── __init__.py │ │ │ ├── test_cem.py │ │ │ └── test_cma_es.py │ │ ├── exploration_strategies │ │ │ ├── test_add_gaussian_noise.py │ │ │ └── test_epsilon_greedy_policy.py │ │ └── policies │ │ │ ├── test_fixed_policy.py │ │ │ └── test_scripted_policy.py │ ├── replay_buffer │ │ ├── __init__.py │ │ ├── test_her_replay_buffer.py │ │ └── test_path_buffer.py │ ├── sampler │ │ ├── __init__.py │ │ ├── test_is_sampler.py │ │ ├── test_local_sampler.py │ │ ├── test_multiprocessing_sampler.py │ │ ├── test_off_policy_vectorized_sampler_integration.py │ │ ├── test_on_policy_vectorized_sampler.py │ │ ├── test_ray_batched_sampler.py │ │ ├── test_rl2_worker.py │ │ ├── test_sampler.py │ │ ├── test_stateful_pool.py │ │ ├── test_utils.py │ │ └── test_vec_worker.py │ ├── test_dtypes.py │ ├── test_functions.py │ ├── tf │ │ ├── __init__.py │ │ ├── algos │ │ │ ├── __init__.py │ │ │ ├── test_batch_polopt.py │ │ │ ├── test_ddpg.py │ │ │ ├── test_dqn.py │ │ │ ├── test_erwr.py │ │ │ ├── test_npo.py │ │ │ ├── test_ppo.py │ │ │ ├── test_reps.py │ │ │ ├── test_rl2ppo.py │ │ │ ├── test_rl2trpo.py │ │ │ ├── test_td3.py │ │ │ ├── test_te.py │ │ │ ├── test_tnpg.py │ │ │ ├── test_trpo.py │ │ │ └── test_vpg.py │ │ ├── baselines │ │ │ ├── __init__.py │ │ │ ├── test_baselines.py │ │ │ ├── test_continuous_mlp_baseline.py │ │ │ ├── test_gaussian_cnn_baseline.py │ │ │ └── test_gaussian_mlp_baseline.py │ │ ├── distributions │ │ │ └── test_diagonal_gaussian.py │ │ ├── embeddings │ │ │ ├── __init__.py │ │ │ └── test_gaussian_mlp_encoder.py │ │ ├── envs │ │ │ ├── __init__.py │ │ │ └── test_base.py │ │ ├── experiment │ │ │ ├── __init__.py │ │ │ └── test_local_tf_runner.py │ │ ├── misc │ │ │ ├── __init__.py │ │ │ └── test_tensor_utils.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── test_categorical_cnn_model.py │ │ │ ├── test_categorical_gru_model.py │ │ │ ├── test_categorical_lstm_model.py │ │ │ ├── test_categorical_mlp_model.py │ │ │ ├── test_cnn.py │ │ │ ├── test_cnn_mlp_merge_model.py │ │ │ ├── test_cnn_model.py │ │ │ ├── test_gaussian_cnn_model.py │ │ │ ├── test_gaussian_gru_model.py │ │ │ ├── test_gaussian_lstm_model.py │ │ │ ├── test_gaussian_mlp_model.py │ │ │ ├── test_gru.py │ │ │ ├── test_gru_model.py │ │ │ ├── test_lstm.py │ │ │ ├── test_lstm_model.py │ │ │ ├── test_mlp.py │ │ │ ├── test_mlp_concat.py │ │ │ ├── test_mlp_model.py │ │ │ ├── test_model.py │ │ │ └── test_parameter.py │ │ ├── optimizers │ │ │ └── test_conjugate_gradient_optimizer.py │ │ ├── policies │ │ │ ├── __init__.py │ │ │ ├── test_categorical_cnn_policy.py │ │ │ ├── test_categorical_gru_policy.py │ │ │ ├── test_categorical_lstm_policy.py │ │ │ ├── test_categorical_mlp_policy.py │ │ │ ├── test_categorical_policies.py │ │ │ ├── test_continuous_mlp_policy.py │ │ │ ├── test_gaussian_gru_policy.py │ │ │ ├── test_gaussian_lstm_policy.py │ │ │ ├── test_gaussian_mlp_policy.py │ │ │ ├── test_gaussian_mlp_task_embedding_policy.py │ │ │ ├── test_gaussian_policies.py │ │ │ ├── test_policies.py │ │ │ └── test_qf_derived_policy.py │ │ ├── q_functions │ │ │ ├── __init__.py │ │ │ ├── test_continuous_cnn_q_function.py │ │ │ ├── test_continuous_mlp_q_function.py │ │ │ ├── test_discrete_cnn_q_function.py │ │ │ └── test_discrete_mlp_q_function.py │ │ ├── regressors │ │ │ ├── __init__.py │ │ │ ├── test_bernoulli_mlp_regressor.py │ │ │ ├── test_categorical_mlp_regressor.py │ │ │ ├── test_continuous_mlp_regressor.py │ │ │ ├── test_gaussian_cnn_regressor.py │ │ │ └── test_gaussian_mlp_regressor.py │ │ └── samplers │ │ │ ├── __init__.py │ │ │ ├── test_ray_batched_sampler_tf.py │ │ │ ├── test_task_embedding_worker.py │ │ │ ├── test_tf_batch_sampler.py │ │ │ └── test_tf_worker.py │ └── torch │ │ ├── __init__.py │ │ ├── algos │ │ ├── __init__.py │ │ ├── test_ddpg.py │ │ ├── test_maml.py │ │ ├── test_maml_ppo.py │ │ ├── test_maml_trpo.py │ │ ├── test_maml_vpg.py │ │ ├── test_mtsac.py │ │ ├── test_pearl.py │ │ ├── test_pearl_worker.py │ │ ├── test_ppo.py │ │ ├── test_sac.py │ │ ├── test_trpo.py │ │ └── test_vpg.py │ │ ├── distributions │ │ └── test_tanh_normal_dist.py │ │ ├── modules │ │ ├── test_gaussian_mlp_module.py │ │ ├── test_mlp_module.py │ │ └── test_multi_headed_mlp_module.py │ │ ├── optimizers │ │ ├── test_differentiable_sgd.py │ │ └── test_torch_conjugate_gradient_optimizer.py │ │ ├── policies │ │ ├── test_context_conditioned_policy.py │ │ ├── test_deterministic_mlp_policy.py │ │ ├── test_gaussian_mlp_policy.py │ │ └── test_tanh_gaussian_mlp_policy.py │ │ ├── q_functions │ │ └── test_continuous_mlp_q_function.py │ │ └── test_functions.py │ ├── helpers.py │ ├── integration_tests │ ├── __init__.py │ ├── test_examples.py │ └── test_sigint.py │ ├── mock.py │ ├── quirks.py │ └── wrappers.py ├── garagei ├── __init__.py ├── _functions.py ├── envs │ ├── __init__.py │ ├── akro_wrapper.py │ ├── consistent_normalized_env.py │ └── normalized_env_ex.py ├── experiment │ ├── __init__.py │ └── option_local_runner.py ├── np │ ├── __init__.py │ └── optimizers │ │ ├── __init__.py │ │ └── dict_minibatch_dataset.py ├── sampler │ ├── __init__.py │ ├── option_local_sampler.py │ ├── option_multiprocessing_sampler.py │ └── option_worker.py └── torch │ ├── __init__.py │ ├── distributions │ ├── __init__.py │ ├── transformed_distribution_ex.py │ └── transforms_ex.py │ ├── modules │ ├── __init__.py │ ├── categorical_mlp_module_ex.py │ ├── gaussian_mlp_module_ex.py │ ├── multiplier.py │ ├── normalizer.py │ ├── parallel_module.py │ ├── parameter_module.py │ ├── reshape.py │ ├── seq_last_selector_module.py │ └── spectral_norm.py │ ├── optimizers │ ├── __init__.py │ └── optimizer_group_wrapper.py │ ├── policies │ ├── __init__.py │ └── policy_ex.py │ └── utils.py ├── global_context.py ├── iod ├── __init__.py ├── iod.py ├── lsd.py ├── sac_utils.py └── utils.py ├── requirements.txt ├── setup.py └── tests ├── __init__.py ├── main.py └── utils.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE_garage: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/LICENSE_garage -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/README.md -------------------------------------------------------------------------------- /dowel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel/__init__.py -------------------------------------------------------------------------------- /dowel/csv_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel/csv_output.py -------------------------------------------------------------------------------- /dowel/histogram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel/histogram.py -------------------------------------------------------------------------------- /dowel/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel/logger.py -------------------------------------------------------------------------------- /dowel/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel/setup.py -------------------------------------------------------------------------------- /dowel/simple_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel/simple_outputs.py -------------------------------------------------------------------------------- /dowel/tabular_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel/tabular_input.py -------------------------------------------------------------------------------- /dowel/tensor_board_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel/tensor_board_output.py -------------------------------------------------------------------------------- /dowel/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel/utils.py -------------------------------------------------------------------------------- /dowel_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/dowel_wrapper.py -------------------------------------------------------------------------------- /envs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /envs/mujoco/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /envs/mujoco/ant_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/envs/mujoco/ant_env.py -------------------------------------------------------------------------------- /envs/mujoco/assets/ant.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/envs/mujoco/assets/ant.xml -------------------------------------------------------------------------------- /envs/mujoco/assets/half_cheetah.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/envs/mujoco/assets/half_cheetah.xml -------------------------------------------------------------------------------- /envs/mujoco/assets/half_cheetah_hurdle.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/envs/mujoco/assets/half_cheetah_hurdle.xml -------------------------------------------------------------------------------- /envs/mujoco/assets/humanoid.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/envs/mujoco/assets/humanoid.xml -------------------------------------------------------------------------------- /envs/mujoco/half_cheetah_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/envs/mujoco/half_cheetah_env.py -------------------------------------------------------------------------------- /envs/mujoco/humanoid_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/envs/mujoco/humanoid_env.py -------------------------------------------------------------------------------- /envs/mujoco/mujoco_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/envs/mujoco/mujoco_utils.py -------------------------------------------------------------------------------- /garaged/.codecov.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/.codecov.yml -------------------------------------------------------------------------------- /garaged/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/.dockerignore -------------------------------------------------------------------------------- /garaged/.editorconfig: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/.editorconfig -------------------------------------------------------------------------------- /garaged/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/.gitignore -------------------------------------------------------------------------------- /garaged/.mergify.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/.mergify.yml -------------------------------------------------------------------------------- /garaged/.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/.pre-commit-config.yaml -------------------------------------------------------------------------------- /garaged/.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/.pylintrc -------------------------------------------------------------------------------- /garaged/.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/.travis.yml -------------------------------------------------------------------------------- /garaged/CHANGELOG.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/CHANGELOG.md -------------------------------------------------------------------------------- /garaged/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/CODEOWNERS -------------------------------------------------------------------------------- /garaged/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/CONTRIBUTING.md -------------------------------------------------------------------------------- /garaged/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/LICENSE -------------------------------------------------------------------------------- /garaged/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/MANIFEST.in -------------------------------------------------------------------------------- /garaged/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/Makefile -------------------------------------------------------------------------------- /garaged/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/README.md -------------------------------------------------------------------------------- /garaged/VERSION: -------------------------------------------------------------------------------- 1 | v2020.06.0 2 | -------------------------------------------------------------------------------- /garaged/benchmarks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/README.md -------------------------------------------------------------------------------- /garaged/benchmarks/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/setup.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/__init__.py: -------------------------------------------------------------------------------- 1 | """garage benchmarks.""" 2 | -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/benchmark_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/benchmark_algos.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/benchmark_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/benchmark_auto.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/benchmark_baselines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/benchmark_baselines.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/benchmark_policies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/benchmark_policies.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/benchmark_q_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/benchmark_q_functions.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/__init__.py: -------------------------------------------------------------------------------- 1 | """Benchmarking experiments.""" 2 | -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/__init__.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/ddpg_garage_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/ddpg_garage_tf.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/her_garage_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/her_garage_tf.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/ppo_garage_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/ppo_garage_pytorch.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/ppo_garage_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/ppo_garage_tf.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/td3_garage_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/td3_garage_tf.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/trpo_garage_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/trpo_garage_pytorch.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/trpo_garage_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/trpo_garage_tf.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/vpg_garage_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/vpg_garage_pytorch.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/algos/vpg_garage_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/algos/vpg_garage_tf.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/baselines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/baselines/__init__.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/baselines/continuous_mlp_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/baselines/continuous_mlp_baseline.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/baselines/gaussian_cnn_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/baselines/gaussian_cnn_baseline.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/baselines/gaussian_mlp_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/baselines/gaussian_mlp_baseline.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/policies/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/policies/__init__.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/policies/categorical_cnn_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/policies/categorical_cnn_policy.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/policies/categorical_gru_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/policies/categorical_gru_policy.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/policies/categorical_lstm_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/policies/categorical_lstm_policy.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/policies/categorical_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/policies/categorical_mlp_policy.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/policies/continuous_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/policies/continuous_mlp_policy.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/policies/gaussian_gru_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/policies/gaussian_gru_policy.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/policies/gaussian_lstm_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/policies/gaussian_lstm_policy.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/policies/gaussian_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/policies/gaussian_mlp_policy.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/q_functions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/q_functions/__init__.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/experiments/q_functions/continuous_mlp_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/experiments/q_functions/continuous_mlp_q_function.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/helper.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/parameters.py -------------------------------------------------------------------------------- /garaged/benchmarks/src/garage_benchmarks/run_benchmarks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/benchmarks/src/garage_benchmarks/run_benchmarks.py -------------------------------------------------------------------------------- /garaged/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docker/Dockerfile -------------------------------------------------------------------------------- /garaged/docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docker/README.md -------------------------------------------------------------------------------- /garaged/docker/hooks/build: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docker/hooks/build -------------------------------------------------------------------------------- /garaged/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docs/Makefile -------------------------------------------------------------------------------- /garaged/docs/_static/theme_overrides.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docs/_static/theme_overrides.css -------------------------------------------------------------------------------- /garaged/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docs/conf.py -------------------------------------------------------------------------------- /garaged/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docs/index.rst -------------------------------------------------------------------------------- /garaged/docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docs/requirements.txt -------------------------------------------------------------------------------- /garaged/docs/user/experiments.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docs/user/experiments.rst -------------------------------------------------------------------------------- /garaged/docs/user/implement_algo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docs/user/implement_algo.rst -------------------------------------------------------------------------------- /garaged/docs/user/implement_env.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docs/user/implement_env.rst -------------------------------------------------------------------------------- /garaged/docs/user/installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/docs/user/installation.rst -------------------------------------------------------------------------------- /garaged/examples/jupyter/custom_env.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/jupyter/custom_env.ipynb -------------------------------------------------------------------------------- /garaged/examples/jupyter/trpo_gym_tf_cartpole.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/jupyter/trpo_gym_tf_cartpole.ipynb -------------------------------------------------------------------------------- /garaged/examples/np/cem_cartpole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/np/cem_cartpole.py -------------------------------------------------------------------------------- /garaged/examples/np/cma_es_cartpole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/np/cma_es_cartpole.py -------------------------------------------------------------------------------- /garaged/examples/sim_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/sim_policy.py -------------------------------------------------------------------------------- /garaged/examples/step_dm_control_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/step_dm_control_env.py -------------------------------------------------------------------------------- /garaged/examples/step_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/step_env.py -------------------------------------------------------------------------------- /garaged/examples/tf/ddpg_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/ddpg_pendulum.py -------------------------------------------------------------------------------- /garaged/examples/tf/dqn_cartpole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/dqn_cartpole.py -------------------------------------------------------------------------------- /garaged/examples/tf/dqn_pong.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/dqn_pong.py -------------------------------------------------------------------------------- /garaged/examples/tf/erwr_cartpole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/erwr_cartpole.py -------------------------------------------------------------------------------- /garaged/examples/tf/her_ddpg_fetchreach.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/her_ddpg_fetchreach.py -------------------------------------------------------------------------------- /garaged/examples/tf/multi_env_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/multi_env_ppo.py -------------------------------------------------------------------------------- /garaged/examples/tf/multi_env_trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/multi_env_trpo.py -------------------------------------------------------------------------------- /garaged/examples/tf/ppo_memorize_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/ppo_memorize_digits.py -------------------------------------------------------------------------------- /garaged/examples/tf/ppo_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/ppo_pendulum.py -------------------------------------------------------------------------------- /garaged/examples/tf/reps_gym_cartpole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/reps_gym_cartpole.py -------------------------------------------------------------------------------- /garaged/examples/tf/resume_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/resume_training.py -------------------------------------------------------------------------------- /garaged/examples/tf/rl2_ppo_halfcheetah.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/rl2_ppo_halfcheetah.py -------------------------------------------------------------------------------- /garaged/examples/tf/rl2_ppo_halfcheetah_meta_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/rl2_ppo_halfcheetah_meta_test.py -------------------------------------------------------------------------------- /garaged/examples/tf/rl2_ppo_metaworld_ml10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/rl2_ppo_metaworld_ml10.py -------------------------------------------------------------------------------- /garaged/examples/tf/rl2_ppo_metaworld_ml10_meta_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/rl2_ppo_metaworld_ml10_meta_test.py -------------------------------------------------------------------------------- /garaged/examples/tf/rl2_ppo_metaworld_ml1_push.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/rl2_ppo_metaworld_ml1_push.py -------------------------------------------------------------------------------- /garaged/examples/tf/rl2_ppo_metaworld_ml45.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/rl2_ppo_metaworld_ml45.py -------------------------------------------------------------------------------- /garaged/examples/tf/rl2_trpo_halfcheetah.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/rl2_trpo_halfcheetah.py -------------------------------------------------------------------------------- /garaged/examples/tf/td3_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/td3_pendulum.py -------------------------------------------------------------------------------- /garaged/examples/tf/te_ppo_metaworld_ml1_push.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/te_ppo_metaworld_ml1_push.py -------------------------------------------------------------------------------- /garaged/examples/tf/te_ppo_metaworld_mt10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/te_ppo_metaworld_mt10.py -------------------------------------------------------------------------------- /garaged/examples/tf/te_ppo_metaworld_mt50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/te_ppo_metaworld_mt50.py -------------------------------------------------------------------------------- /garaged/examples/tf/te_ppo_point.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/te_ppo_point.py -------------------------------------------------------------------------------- /garaged/examples/tf/trpo_cartpole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/trpo_cartpole.py -------------------------------------------------------------------------------- /garaged/examples/tf/trpo_cartpole_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/trpo_cartpole_batch_sampler.py -------------------------------------------------------------------------------- /garaged/examples/tf/trpo_cartpole_recurrent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/trpo_cartpole_recurrent.py -------------------------------------------------------------------------------- /garaged/examples/tf/trpo_cubecrash.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/trpo_cubecrash.py -------------------------------------------------------------------------------- /garaged/examples/tf/trpo_gym_tf_cartpole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/trpo_gym_tf_cartpole.py -------------------------------------------------------------------------------- /garaged/examples/tf/trpo_swimmer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/trpo_swimmer.py -------------------------------------------------------------------------------- /garaged/examples/tf/trpo_swimmer_ray_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/trpo_swimmer_ray_sampler.py -------------------------------------------------------------------------------- /garaged/examples/tf/trpois_inverted_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/trpois_inverted_pendulum.py -------------------------------------------------------------------------------- /garaged/examples/tf/vpg_cartpole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/vpg_cartpole.py -------------------------------------------------------------------------------- /garaged/examples/tf/vpgis_inverted_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/tf/vpgis_inverted_pendulum.py -------------------------------------------------------------------------------- /garaged/examples/torch/ddpg_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/ddpg_pendulum.py -------------------------------------------------------------------------------- /garaged/examples/torch/maml_ppo_half_cheetah_dir.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/maml_ppo_half_cheetah_dir.py -------------------------------------------------------------------------------- /garaged/examples/torch/maml_trpo_half_cheetah_dir.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/maml_trpo_half_cheetah_dir.py -------------------------------------------------------------------------------- /garaged/examples/torch/maml_trpo_metaworld_ml10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/maml_trpo_metaworld_ml10.py -------------------------------------------------------------------------------- /garaged/examples/torch/maml_trpo_metaworld_ml1_push.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/maml_trpo_metaworld_ml1_push.py -------------------------------------------------------------------------------- /garaged/examples/torch/maml_trpo_metaworld_ml45.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/maml_trpo_metaworld_ml45.py -------------------------------------------------------------------------------- /garaged/examples/torch/maml_vpg_half_cheetah_dir.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/maml_vpg_half_cheetah_dir.py -------------------------------------------------------------------------------- /garaged/examples/torch/mtppo_metaworld_ml1_push.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/mtppo_metaworld_ml1_push.py -------------------------------------------------------------------------------- /garaged/examples/torch/mtppo_metaworld_mt10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/mtppo_metaworld_mt10.py -------------------------------------------------------------------------------- /garaged/examples/torch/mtppo_metaworld_mt50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/mtppo_metaworld_mt50.py -------------------------------------------------------------------------------- /garaged/examples/torch/mtsac_metaworld_ml1_pick_place.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/mtsac_metaworld_ml1_pick_place.py -------------------------------------------------------------------------------- /garaged/examples/torch/mtsac_metaworld_mt10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/mtsac_metaworld_mt10.py -------------------------------------------------------------------------------- /garaged/examples/torch/mtsac_metaworld_mt50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/mtsac_metaworld_mt50.py -------------------------------------------------------------------------------- /garaged/examples/torch/mttrpo_metaworld_ml1_push.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/mttrpo_metaworld_ml1_push.py -------------------------------------------------------------------------------- /garaged/examples/torch/mttrpo_metaworld_mt10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/mttrpo_metaworld_mt10.py -------------------------------------------------------------------------------- /garaged/examples/torch/mttrpo_metaworld_mt50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/mttrpo_metaworld_mt50.py -------------------------------------------------------------------------------- /garaged/examples/torch/pearl_half_cheetah_vel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/pearl_half_cheetah_vel.py -------------------------------------------------------------------------------- /garaged/examples/torch/pearl_metaworld_ml10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/pearl_metaworld_ml10.py -------------------------------------------------------------------------------- /garaged/examples/torch/pearl_metaworld_ml1_push.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/pearl_metaworld_ml1_push.py -------------------------------------------------------------------------------- /garaged/examples/torch/pearl_metaworld_ml45.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/pearl_metaworld_ml45.py -------------------------------------------------------------------------------- /garaged/examples/torch/ppo_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/ppo_pendulum.py -------------------------------------------------------------------------------- /garaged/examples/torch/resume_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/resume_training.py -------------------------------------------------------------------------------- /garaged/examples/torch/sac_half_cheetah_batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/sac_half_cheetah_batch.py -------------------------------------------------------------------------------- /garaged/examples/torch/trpo_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/trpo_pendulum.py -------------------------------------------------------------------------------- /garaged/examples/torch/trpo_pendulum_ray_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/trpo_pendulum_ray_sampler.py -------------------------------------------------------------------------------- /garaged/examples/torch/vpg_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/examples/torch/vpg_pendulum.py -------------------------------------------------------------------------------- /garaged/readthedocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/readthedocs.yml -------------------------------------------------------------------------------- /garaged/scripts/check_commit_message: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/scripts/check_commit_message -------------------------------------------------------------------------------- /garaged/scripts/garage: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/scripts/garage -------------------------------------------------------------------------------- /garaged/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/setup.cfg -------------------------------------------------------------------------------- /garaged/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/setup.py -------------------------------------------------------------------------------- /garaged/src/garage/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/_dtypes.py -------------------------------------------------------------------------------- /garaged/src/garage/_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/_functions.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/dm_control/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/dm_control/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/dm_control/dm_control_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/dm_control/dm_control_env.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/dm_control/dm_control_viewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/dm_control/dm_control_viewer.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/env_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/env_spec.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/garage_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/garage_env.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/grid_world_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/grid_world_env.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/mujoco/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/mujoco/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/mujoco/half_cheetah_dir_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/mujoco/half_cheetah_dir_env.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/mujoco/half_cheetah_env_meta_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/mujoco/half_cheetah_env_meta_base.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/mujoco/half_cheetah_vel_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/mujoco/half_cheetah_vel_env.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/multi_env_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/multi_env_wrapper.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/normalized_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/normalized_env.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/point_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/point_env.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/step.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/step.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/task_onehot_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/task_onehot_wrapper.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/atari_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/atari_env.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/clip_reward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/clip_reward.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/episodic_life.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/episodic_life.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/fire_reset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/fire_reset.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/grayscale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/grayscale.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/max_and_skip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/max_and_skip.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/noop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/noop.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/resize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/resize.py -------------------------------------------------------------------------------- /garaged/src/garage/envs/wrappers/stack_frames.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/envs/wrappers/stack_frames.py -------------------------------------------------------------------------------- /garaged/src/garage/experiment/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/experiment/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/experiment/deterministic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/experiment/deterministic.py -------------------------------------------------------------------------------- /garaged/src/garage/experiment/experiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/experiment/experiment.py -------------------------------------------------------------------------------- /garaged/src/garage/experiment/experiment_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/experiment/experiment_wrapper.py -------------------------------------------------------------------------------- /garaged/src/garage/experiment/local_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/experiment/local_runner.py -------------------------------------------------------------------------------- /garaged/src/garage/experiment/local_tf_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/experiment/local_tf_runner.py -------------------------------------------------------------------------------- /garaged/src/garage/experiment/meta_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/experiment/meta_evaluator.py -------------------------------------------------------------------------------- /garaged/src/garage/experiment/snapshotter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/experiment/snapshotter.py -------------------------------------------------------------------------------- /garaged/src/garage/experiment/task_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/experiment/task_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/misc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/src/garage/misc/tensor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/misc/tensor_utils.py -------------------------------------------------------------------------------- /garaged/src/garage/np/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/np/_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/_functions.py -------------------------------------------------------------------------------- /garaged/src/garage/np/algos/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/algos/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/np/algos/cem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/algos/cem.py -------------------------------------------------------------------------------- /garaged/src/garage/np/algos/cma_es.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/algos/cma_es.py -------------------------------------------------------------------------------- /garaged/src/garage/np/algos/meta_rl_algorithm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/algos/meta_rl_algorithm.py -------------------------------------------------------------------------------- /garaged/src/garage/np/algos/nop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/algos/nop.py -------------------------------------------------------------------------------- /garaged/src/garage/np/algos/rl_algorithm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/algos/rl_algorithm.py -------------------------------------------------------------------------------- /garaged/src/garage/np/baselines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/baselines/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/np/baselines/baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/baselines/baseline.py -------------------------------------------------------------------------------- /garaged/src/garage/np/baselines/linear_feature_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/baselines/linear_feature_baseline.py -------------------------------------------------------------------------------- /garaged/src/garage/np/baselines/linear_multi_feature_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/baselines/linear_multi_feature_baseline.py -------------------------------------------------------------------------------- /garaged/src/garage/np/baselines/zero_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/baselines/zero_baseline.py -------------------------------------------------------------------------------- /garaged/src/garage/np/embeddings/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/embeddings/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/np/embeddings/encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/embeddings/encoder.py -------------------------------------------------------------------------------- /garaged/src/garage/np/exploration_policies/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/exploration_policies/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/np/exploration_policies/add_gaussian_noise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/exploration_policies/add_gaussian_noise.py -------------------------------------------------------------------------------- /garaged/src/garage/np/exploration_policies/add_ornstein_uhlenbeck_noise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/exploration_policies/add_ornstein_uhlenbeck_noise.py -------------------------------------------------------------------------------- /garaged/src/garage/np/exploration_policies/epsilon_greedy_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/exploration_policies/epsilon_greedy_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/np/exploration_policies/exploration_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/exploration_policies/exploration_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/np/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/optimizers/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/np/optimizers/minibatch_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/optimizers/minibatch_dataset.py -------------------------------------------------------------------------------- /garaged/src/garage/np/policies/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/policies/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/np/policies/fixed_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/policies/fixed_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/np/policies/policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/policies/policy.py -------------------------------------------------------------------------------- /garaged/src/garage/np/policies/scripted_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/policies/scripted_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/np/q_functions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/q_functions/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/np/q_functions/q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/np/q_functions/q_function.py -------------------------------------------------------------------------------- /garaged/src/garage/plotter/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/plotter/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/plotter/plotter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/plotter/plotter.py -------------------------------------------------------------------------------- /garaged/src/garage/replay_buffer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/replay_buffer/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/replay_buffer/her_replay_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/replay_buffer/her_replay_buffer.py -------------------------------------------------------------------------------- /garaged/src/garage/replay_buffer/path_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/replay_buffer/path_buffer.py -------------------------------------------------------------------------------- /garaged/src/garage/replay_buffer/replay_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/replay_buffer/replay_buffer.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/batch_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/default_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/default_worker.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/env_update.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/env_update.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/is_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/is_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/local_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/local_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/multiprocessing_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/multiprocessing_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/off_policy_vectorized_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/off_policy_vectorized_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/on_policy_vectorized_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/on_policy_vectorized_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/parallel_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/parallel_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/parallel_vec_env_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/parallel_vec_env_executor.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/ray_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/ray_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/sampler_deprecated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/sampler_deprecated.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/stateful_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/stateful_pool.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/utils.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/vec_env_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/vec_env_executor.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/vec_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/vec_worker.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/worker.py -------------------------------------------------------------------------------- /garaged/src/garage/sampler/worker_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/sampler/worker_factory.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/_functions.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/_rl2npo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/_rl2npo.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/ddpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/ddpg.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/dqn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/dqn.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/erwr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/erwr.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/npo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/npo.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/ppo.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/reps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/reps.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/rl2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/rl2.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/rl2ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/rl2ppo.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/rl2trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/rl2trpo.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/td3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/td3.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/te.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/te.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/te_npo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/te_npo.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/te_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/te_ppo.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/tnpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/tnpg.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/trpo.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/algos/vpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/algos/vpg.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/baselines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/baselines/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/baselines/continuous_mlp_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/baselines/continuous_mlp_baseline.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/baselines/gaussian_cnn_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/baselines/gaussian_cnn_baseline.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/baselines/gaussian_mlp_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/baselines/gaussian_mlp_baseline.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/distributions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/distributions/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/distributions/bernoulli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/distributions/bernoulli.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/distributions/categorical.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/distributions/categorical.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/distributions/diagonal_gaussian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/distributions/diagonal_gaussian.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/distributions/distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/distributions/distribution.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/distributions/recurrent_categorical.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/distributions/recurrent_categorical.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/distributions/recurrent_diagonal_gaussian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/distributions/recurrent_diagonal_gaussian.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/embeddings/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/embeddings/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/embeddings/encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/embeddings/encoder.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/embeddings/gaussian_mlp_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/embeddings/gaussian_mlp_encoder.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/misc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/src/garage/tf/misc/tensor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/misc/tensor_utils.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/categorical_cnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/categorical_cnn_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/categorical_gru_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/categorical_gru_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/categorical_lstm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/categorical_lstm_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/categorical_mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/categorical_mlp_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/cnn.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/cnn_mlp_merge_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/cnn_mlp_merge_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/cnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/cnn_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/cnn_model_max_pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/cnn_model_max_pooling.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/gaussian_cnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/gaussian_cnn_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/gaussian_gru_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/gaussian_gru_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/gaussian_lstm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/gaussian_lstm_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/gaussian_mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/gaussian_mlp_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/gru.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/gru_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/gru_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/lstm.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/lstm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/lstm_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/mlp.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/mlp_dueling_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/mlp_dueling_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/mlp_merge_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/mlp_merge_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/mlp_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/module.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/normalized_input_mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/normalized_input_mlp_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/parameter.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/models/sequential.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/models/sequential.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/optimizers/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/optimizers/conjugate_gradient_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/optimizers/conjugate_gradient_optimizer.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/optimizers/first_order_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/optimizers/first_order_optimizer.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/optimizers/lbfgs_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/optimizers/lbfgs_optimizer.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/optimizers/penalty_lbfgs_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/optimizers/penalty_lbfgs_optimizer.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/optimizers/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/optimizers/utils.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/plotter/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/plotter/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/plotter/plotter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/plotter/plotter.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/categorical_cnn_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/categorical_cnn_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/categorical_gru_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/categorical_gru_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/categorical_lstm_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/categorical_lstm_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/categorical_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/categorical_mlp_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/continuous_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/continuous_mlp_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/discrete_qf_derived_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/discrete_qf_derived_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/gaussian_gru_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/gaussian_gru_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/gaussian_lstm_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/gaussian_lstm_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/gaussian_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/gaussian_mlp_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/gaussian_mlp_task_embedding_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/gaussian_mlp_task_embedding_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/task_embedding_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/task_embedding_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/policies/uniform_control_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/policies/uniform_control_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/q_functions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/q_functions/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/q_functions/continuous_cnn_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/q_functions/continuous_cnn_q_function.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/q_functions/continuous_mlp_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/q_functions/continuous_mlp_q_function.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/q_functions/discrete_cnn_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/q_functions/discrete_cnn_q_function.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/q_functions/discrete_mlp_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/q_functions/discrete_mlp_q_function.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/q_functions/q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/q_functions/q_function.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/bernoulli_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/bernoulli_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/categorical_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/categorical_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/categorical_mlp_regressor_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/categorical_mlp_regressor_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/continuous_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/continuous_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/gaussian_cnn_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/gaussian_cnn_regressor.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/gaussian_cnn_regressor_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/gaussian_cnn_regressor_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/gaussian_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/gaussian_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/gaussian_mlp_regressor_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/gaussian_mlp_regressor_model.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/regressors/regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/regressors/regressor.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/samplers/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/samplers/batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/samplers/batch_sampler.py -------------------------------------------------------------------------------- /garaged/src/garage/tf/samplers/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/tf/samplers/worker.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/_functions.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/ddpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/ddpg.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/maml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/maml.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/maml_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/maml_ppo.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/maml_trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/maml_trpo.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/maml_vpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/maml_vpg.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/mtsac.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/mtsac.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/pearl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/pearl.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/ppo.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/sac.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/sac.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/trpo.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/algos/vpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/algos/vpg.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/distributions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/distributions/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/distributions/tanh_normal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/distributions/tanh_normal.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/embeddings/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/embeddings/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/embeddings/mlp_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/embeddings/mlp_encoder.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/modules/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/modules/gaussian_mlp_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/modules/gaussian_mlp_module.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/modules/mlp_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/modules/mlp_module.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/modules/multi_headed_mlp_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/modules/multi_headed_mlp_module.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/optimizers/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/optimizers/conjugate_gradient_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/optimizers/conjugate_gradient_optimizer.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/optimizers/differentiable_sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/optimizers/differentiable_sgd.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/optimizers/optimizer_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/optimizers/optimizer_wrapper.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/policies/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/policies/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/policies/context_conditioned_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/policies/context_conditioned_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/policies/deterministic_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/policies/deterministic_mlp_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/policies/gaussian_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/policies/gaussian_mlp_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/policies/policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/policies/policy.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/policies/stochastic_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/policies/stochastic_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/policies/tanh_gaussian_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/policies/tanh_gaussian_mlp_policy.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/q_functions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/q_functions/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/q_functions/continuous_mlp_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/q_functions/continuous_mlp_q_function.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/value_functions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/value_functions/__init__.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/value_functions/gaussian_mlp_value_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/value_functions/gaussian_mlp_value_function.py -------------------------------------------------------------------------------- /garaged/src/garage/torch/value_functions/value_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/src/garage/torch/value_functions/value_function.py -------------------------------------------------------------------------------- /garaged/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/fixtures/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/algos/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/algos/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/algos/dummy_algo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/algos/dummy_algo.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/algos/dummy_tf_algo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/algos/dummy_tf_algo.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/distributions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/distributions/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/distributions/dummy_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/distributions/dummy_distribution.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/base.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/dummy_box_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/dummy_box_env.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/dummy_dict_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/dummy_dict_env.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/dummy_discrete_2d_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/dummy_discrete_2d_env.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/dummy_discrete_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/dummy_discrete_env.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/dummy_discrete_pixel_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/dummy_discrete_pixel_env.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/dummy_discrete_pixel_env_baselines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/dummy_discrete_pixel_env_baselines.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/dummy_multitask_box_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/dummy_multitask_box_env.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/dummy/dummy_reward_box_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/dummy/dummy_reward_box_env.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/wrappers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/wrappers/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/envs/wrappers/reshape_observation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/envs/wrappers/reshape_observation.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/experiment/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/experiment/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/experiment/fixture_experiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/experiment/fixture_experiment.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/fixtures.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/fixtures.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/logger.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_categorical_gru_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_categorical_gru_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_categorical_lstm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_categorical_lstm_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_categorical_mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_categorical_mlp_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_cnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_cnn_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_cnn_model_with_max_pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_cnn_model_with_max_pooling.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_gaussian_cnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_gaussian_cnn_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_gaussian_gru_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_gaussian_gru_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_gaussian_lstm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_gaussian_lstm_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_gaussian_mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_gaussian_mlp_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_gru_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_gru_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_lstm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_lstm_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_mlp_merge_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_mlp_merge_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/models/simple_mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/models/simple_mlp_model.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/policies/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/policies/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/policies/dummy_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/policies/dummy_policy.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/policies/dummy_recurrent_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/policies/dummy_recurrent_policy.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/q_functions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/q_functions/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/q_functions/simple_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/q_functions/simple_q_function.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/regressors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/regressors/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/regressors/simple_gaussian_cnn_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/regressors/simple_gaussian_cnn_regressor.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/regressors/simple_gaussian_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/regressors/simple_gaussian_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/regressors/simple_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/regressors/simple_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/sampler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/sampler/__init__.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/sampler/ray_fixtures.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/sampler/ray_fixtures.py -------------------------------------------------------------------------------- /garaged/tests/fixtures/tf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/fixtures/tf/algos/dummy_off_policy_algo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/fixtures/tf/algos/dummy_off_policy_algo.py -------------------------------------------------------------------------------- /garaged/tests/garage/.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/.pylintrc -------------------------------------------------------------------------------- /garaged/tests/garage/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/envs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/envs/box2d/parser/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/envs/dm_control/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/envs/dm_control/test_dm_control_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/dm_control/test_dm_control_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/dm_control/test_dm_control_tf_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/dm_control/test_dm_control_tf_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_env_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_env_spec.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_garage_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_garage_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_grid_world_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_grid_world_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_half_cheetah_meta_envs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_half_cheetah_meta_envs.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_multi_env_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_multi_env_wrapper.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_normalized_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_normalized_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_normalized_gym.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_normalized_gym.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_point_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_point_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_rl2_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_rl2_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/test_task_onehot_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/test_task_onehot_wrapper.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/test_atari_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/wrappers/test_atari_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/test_clip_reward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/wrappers/test_clip_reward.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/test_episodic_life.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/wrappers/test_episodic_life.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/test_fire_reset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/wrappers/test_fire_reset.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/test_grayscale_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/wrappers/test_grayscale_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/test_max_and_skip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/wrappers/test_max_and_skip.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/test_noop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/wrappers/test_noop.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/test_resize_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/wrappers/test_resize_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/envs/wrappers/test_stack_frames_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/envs/wrappers/test_stack_frames_env.py -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/test_deterministic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/experiment/test_deterministic.py -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/test_experiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/experiment/test_experiment.py -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/test_experiment_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/experiment/test_experiment_wrapper.py -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/test_local_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/experiment/test_local_runner.py -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/test_meta_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/experiment/test_meta_evaluator.py -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/test_resume.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/experiment/test_resume.py -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/test_snapshotter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/experiment/test_snapshotter.py -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/test_snapshotter_integration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/experiment/test_snapshotter_integration.py -------------------------------------------------------------------------------- /garaged/tests/garage/experiment/test_task_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/experiment/test_task_sampler.py -------------------------------------------------------------------------------- /garaged/tests/garage/misc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/misc/test_tensor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/misc/test_tensor_utils.py -------------------------------------------------------------------------------- /garaged/tests/garage/np/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/np/algos/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/np/algos/test_cem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/np/algos/test_cem.py -------------------------------------------------------------------------------- /garaged/tests/garage/np/algos/test_cma_es.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/np/algos/test_cma_es.py -------------------------------------------------------------------------------- /garaged/tests/garage/np/exploration_strategies/test_add_gaussian_noise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/np/exploration_strategies/test_add_gaussian_noise.py -------------------------------------------------------------------------------- /garaged/tests/garage/np/exploration_strategies/test_epsilon_greedy_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/np/exploration_strategies/test_epsilon_greedy_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/np/policies/test_fixed_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/np/policies/test_fixed_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/np/policies/test_scripted_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/np/policies/test_scripted_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/replay_buffer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/replay_buffer/test_her_replay_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/replay_buffer/test_her_replay_buffer.py -------------------------------------------------------------------------------- /garaged/tests/garage/replay_buffer/test_path_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/replay_buffer/test_path_buffer.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_is_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_is_sampler.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_local_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_local_sampler.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_multiprocessing_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_multiprocessing_sampler.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_off_policy_vectorized_sampler_integration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_off_policy_vectorized_sampler_integration.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_on_policy_vectorized_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_on_policy_vectorized_sampler.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_ray_batched_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_ray_batched_sampler.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_rl2_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_rl2_worker.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_sampler.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_stateful_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_stateful_pool.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_utils.py -------------------------------------------------------------------------------- /garaged/tests/garage/sampler/test_vec_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/sampler/test_vec_worker.py -------------------------------------------------------------------------------- /garaged/tests/garage/test_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/test_dtypes.py -------------------------------------------------------------------------------- /garaged/tests/garage/test_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/test_functions.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_batch_polopt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_ddpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_ddpg.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_dqn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_dqn.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_erwr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_erwr.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_npo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_npo.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_ppo.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_reps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_reps.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_rl2ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_rl2ppo.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_rl2trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_rl2trpo.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_td3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_td3.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_te.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_te.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_tnpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_tnpg.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_trpo.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/algos/test_vpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/algos/test_vpg.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/baselines/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/baselines/test_baselines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/baselines/test_baselines.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/baselines/test_continuous_mlp_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/baselines/test_continuous_mlp_baseline.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/baselines/test_gaussian_cnn_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/baselines/test_gaussian_cnn_baseline.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/baselines/test_gaussian_mlp_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/baselines/test_gaussian_mlp_baseline.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/distributions/test_diagonal_gaussian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/distributions/test_diagonal_gaussian.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/embeddings/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/embeddings/test_gaussian_mlp_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/embeddings/test_gaussian_mlp_encoder.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/envs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/envs/test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/envs/test_base.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/experiment/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/experiment/test_local_tf_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/experiment/test_local_tf_runner.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/misc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/misc/test_tensor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/misc/test_tensor_utils.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_categorical_cnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_categorical_cnn_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_categorical_gru_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_categorical_gru_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_categorical_lstm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_categorical_lstm_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_categorical_mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_categorical_mlp_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_cnn.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_cnn_mlp_merge_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_cnn_mlp_merge_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_cnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_cnn_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_gaussian_cnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_gaussian_cnn_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_gaussian_gru_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_gaussian_gru_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_gaussian_lstm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_gaussian_lstm_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_gaussian_mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_gaussian_mlp_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_gru.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_gru_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_gru_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_lstm.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_lstm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_lstm_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_mlp.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_mlp_concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_mlp_concat.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_mlp_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_mlp_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_model.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/models/test_parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/models/test_parameter.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/optimizers/test_conjugate_gradient_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/optimizers/test_conjugate_gradient_optimizer.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_categorical_cnn_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_categorical_cnn_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_categorical_gru_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_categorical_gru_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_categorical_lstm_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_categorical_lstm_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_categorical_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_categorical_mlp_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_categorical_policies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_categorical_policies.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_continuous_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_continuous_mlp_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_gaussian_gru_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_gaussian_gru_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_gaussian_lstm_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_gaussian_lstm_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_gaussian_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_gaussian_mlp_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_gaussian_mlp_task_embedding_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_gaussian_mlp_task_embedding_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_gaussian_policies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_gaussian_policies.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_policies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_policies.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/policies/test_qf_derived_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/policies/test_qf_derived_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/q_functions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/q_functions/test_continuous_cnn_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/q_functions/test_continuous_cnn_q_function.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/q_functions/test_continuous_mlp_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/q_functions/test_continuous_mlp_q_function.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/q_functions/test_discrete_cnn_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/q_functions/test_discrete_cnn_q_function.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/q_functions/test_discrete_mlp_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/q_functions/test_discrete_mlp_q_function.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/regressors/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/regressors/test_bernoulli_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/regressors/test_bernoulli_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/regressors/test_categorical_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/regressors/test_categorical_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/regressors/test_continuous_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/regressors/test_continuous_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/regressors/test_gaussian_cnn_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/regressors/test_gaussian_cnn_regressor.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/regressors/test_gaussian_mlp_regressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/regressors/test_gaussian_mlp_regressor.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/samplers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/tf/samplers/test_ray_batched_sampler_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/samplers/test_ray_batched_sampler_tf.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/samplers/test_task_embedding_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/samplers/test_task_embedding_worker.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/samplers/test_tf_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/samplers/test_tf_batch_sampler.py -------------------------------------------------------------------------------- /garaged/tests/garage/tf/samplers/test_tf_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/tf/samplers/test_tf_worker.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_ddpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_ddpg.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_maml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_maml.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_maml_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_maml_ppo.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_maml_trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_maml_trpo.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_maml_vpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_maml_vpg.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_mtsac.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_mtsac.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_pearl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_pearl.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_pearl_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_pearl_worker.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_ppo.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_sac.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_sac.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_trpo.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/algos/test_vpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/algos/test_vpg.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/distributions/test_tanh_normal_dist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/distributions/test_tanh_normal_dist.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/modules/test_gaussian_mlp_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/modules/test_gaussian_mlp_module.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/modules/test_mlp_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/modules/test_mlp_module.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/modules/test_multi_headed_mlp_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/modules/test_multi_headed_mlp_module.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/optimizers/test_differentiable_sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/optimizers/test_differentiable_sgd.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/optimizers/test_torch_conjugate_gradient_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/optimizers/test_torch_conjugate_gradient_optimizer.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/policies/test_context_conditioned_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/policies/test_context_conditioned_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/policies/test_deterministic_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/policies/test_deterministic_mlp_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/policies/test_gaussian_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/policies/test_gaussian_mlp_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/policies/test_tanh_gaussian_mlp_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/policies/test_tanh_gaussian_mlp_policy.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/q_functions/test_continuous_mlp_q_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/q_functions/test_continuous_mlp_q_function.py -------------------------------------------------------------------------------- /garaged/tests/garage/torch/test_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/garage/torch/test_functions.py -------------------------------------------------------------------------------- /garaged/tests/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/helpers.py -------------------------------------------------------------------------------- /garaged/tests/integration_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garaged/tests/integration_tests/test_examples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/integration_tests/test_examples.py -------------------------------------------------------------------------------- /garaged/tests/integration_tests/test_sigint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/integration_tests/test_sigint.py -------------------------------------------------------------------------------- /garaged/tests/mock.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/mock.py -------------------------------------------------------------------------------- /garaged/tests/quirks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/quirks.py -------------------------------------------------------------------------------- /garaged/tests/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garaged/tests/wrappers.py -------------------------------------------------------------------------------- /garagei/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/__init__.py -------------------------------------------------------------------------------- /garagei/_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/_functions.py -------------------------------------------------------------------------------- /garagei/envs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/envs/akro_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/envs/akro_wrapper.py -------------------------------------------------------------------------------- /garagei/envs/consistent_normalized_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/envs/consistent_normalized_env.py -------------------------------------------------------------------------------- /garagei/envs/normalized_env_ex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/envs/normalized_env_ex.py -------------------------------------------------------------------------------- /garagei/experiment/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/experiment/option_local_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/experiment/option_local_runner.py -------------------------------------------------------------------------------- /garagei/np/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/np/optimizers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/np/optimizers/dict_minibatch_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/np/optimizers/dict_minibatch_dataset.py -------------------------------------------------------------------------------- /garagei/sampler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/sampler/option_local_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/sampler/option_local_sampler.py -------------------------------------------------------------------------------- /garagei/sampler/option_multiprocessing_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/sampler/option_multiprocessing_sampler.py -------------------------------------------------------------------------------- /garagei/sampler/option_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/sampler/option_worker.py -------------------------------------------------------------------------------- /garagei/torch/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/torch/distributions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/torch/distributions/transformed_distribution_ex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/distributions/transformed_distribution_ex.py -------------------------------------------------------------------------------- /garagei/torch/distributions/transforms_ex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/distributions/transforms_ex.py -------------------------------------------------------------------------------- /garagei/torch/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/torch/modules/categorical_mlp_module_ex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/modules/categorical_mlp_module_ex.py -------------------------------------------------------------------------------- /garagei/torch/modules/gaussian_mlp_module_ex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/modules/gaussian_mlp_module_ex.py -------------------------------------------------------------------------------- /garagei/torch/modules/multiplier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/modules/multiplier.py -------------------------------------------------------------------------------- /garagei/torch/modules/normalizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/modules/normalizer.py -------------------------------------------------------------------------------- /garagei/torch/modules/parallel_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/modules/parallel_module.py -------------------------------------------------------------------------------- /garagei/torch/modules/parameter_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/modules/parameter_module.py -------------------------------------------------------------------------------- /garagei/torch/modules/reshape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/modules/reshape.py -------------------------------------------------------------------------------- /garagei/torch/modules/seq_last_selector_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/modules/seq_last_selector_module.py -------------------------------------------------------------------------------- /garagei/torch/modules/spectral_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/modules/spectral_norm.py -------------------------------------------------------------------------------- /garagei/torch/optimizers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/torch/optimizers/optimizer_group_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/optimizers/optimizer_group_wrapper.py -------------------------------------------------------------------------------- /garagei/torch/policies/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /garagei/torch/policies/policy_ex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/policies/policy_ex.py -------------------------------------------------------------------------------- /garagei/torch/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/garagei/torch/utils.py -------------------------------------------------------------------------------- /global_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/global_context.py -------------------------------------------------------------------------------- /iod/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /iod/iod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/iod/iod.py -------------------------------------------------------------------------------- /iod/lsd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/iod/lsd.py -------------------------------------------------------------------------------- /iod/sac_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/iod/sac_utils.py -------------------------------------------------------------------------------- /iod/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/iod/utils.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/requirements.txt -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/setup.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/tests/main.py -------------------------------------------------------------------------------- /tests/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/seohongpark/CSD-locomotion/HEAD/tests/utils.py --------------------------------------------------------------------------------