├── .dockerignore ├── .gitignore ├── .travis.yml ├── .velproject.dummy.yaml ├── .velproject.yaml ├── Dockerfile ├── LICENSE ├── Makefile ├── README.md ├── docs ├── Bibliography.md ├── Glossary.md └── LiteratureBacklog.md ├── examples-configs ├── classification │ ├── cifar10 │ │ ├── cifar10_cnn_01.yaml │ │ ├── cifar10_resnetv1_110.yaml │ │ ├── cifar10_resnetv1_32.yaml │ │ ├── cifar10_resnetv2_110.yaml │ │ ├── cifar10_resnetv2_164_bottleneck.yaml │ │ ├── cifar10_resnetv2_32.yaml │ │ ├── cifar10_resnext_29_c1.yaml │ │ └── cifar10_resnext_29_c8.yaml │ ├── imagenet_transfer │ │ └── cats_vs_dogs_resnet34.yaml │ └── mnist │ │ └── mnist_cnn_01.yaml ├── nlp │ ├── classification │ │ └── imdb_sentiment_gru.yaml │ └── generation │ │ ├── gen_shakespeare_gru.yaml │ │ ├── gen_shakespeare_gru_embedding.yaml │ │ ├── gen_shakespeare_lstm.yaml │ │ └── gen_shakespeare_lstm_embedding.yaml └── rl │ ├── atari │ ├── a2c │ │ ├── airraid_a2c.yaml │ │ ├── breakout_a2c.yaml │ │ ├── breakout_a2c_lstm.yaml │ │ ├── breakout_a2c_tf_rmsprop.yaml │ │ ├── freeway_a2c.yaml │ │ ├── pacman_a2c.yaml │ │ ├── pitfall_a2c.yaml │ │ ├── pong_a2c.yaml │ │ ├── pong_a2c_lstm.yaml │ │ ├── qbert_a2c.yaml │ │ └── space_invaders_a2c.yaml │ ├── acer │ │ ├── beam_rider_acer.yaml │ │ ├── beam_rider_acer_trust_region.yaml │ │ ├── breakout_acer.yaml │ │ ├── breakout_acer_trust_region.yaml │ │ ├── seaquest_acer_trust_region.yaml │ │ ├── space_invaders_acer.yaml │ │ └── space_invaders_acer_trust_region.yaml │ ├── dqn │ │ ├── breakout_ddqn.yaml │ │ ├── breakout_dqn_distributional.yaml │ │ ├── breakout_dqn_raw.yaml │ │ ├── breakout_dueling_ddqn.yaml │ │ ├── breakout_dueling_ddqn_prioritized.yaml │ │ ├── seaquest_dqn_distributional.yaml │ │ └── seaquest_dqn_raw.yaml │ ├── dqn_rainbow_param │ │ ├── asterix_rp_dqn_distributional.yaml │ │ ├── asterix_rp_dqn_raw.yaml │ │ ├── asteroids_rp_dqn_noisynet.yaml │ │ ├── asteroids_rp_dqn_raw.yaml │ │ ├── atlantis_rp_dqn_nstep.yaml │ │ └── atlantis_rp_dqn_raw.yaml │ ├── ppo │ │ ├── breakout_ppo.yaml │ │ ├── breakout_ppo_gru.yaml │ │ ├── enduro_ppo.yaml │ │ └── qbert_ppo.yaml │ ├── rainbow │ │ └── breakout_rainbow.yaml │ └── trpo │ │ └── breakout_trpo.yaml │ └── mujoco │ ├── a2c │ └── reacher_a2c.yaml │ ├── ddpg │ └── half_cheetah_ddpg.yaml │ ├── ppo │ ├── half_cheetah_ppo.yaml │ ├── hopper_ppo.yaml │ ├── reacher_ppo.yaml │ └── walker_ppo.yaml │ └── trpo │ ├── half_cheetah_trpo.yaml │ ├── hopper_trpo.yaml │ └── reacher_trpo.yaml ├── examples-scripts └── rl │ ├── atari │ ├── a2c │ │ ├── breakout_a2c.py │ │ └── breakout_a2c_evaluate.py │ └── ppo │ │ └── qbert_ppo.py │ └── mujoco │ └── ddpg │ └── half_cheetah_ddpg.py ├── requirements.txt ├── setup.cfg ├── setup.py ├── travis-requirements.txt └── vel ├── __init__.py ├── api ├── __init__.py ├── callback.py ├── data │ ├── __init__.py │ ├── augmentation.py │ ├── dataflow.py │ └── image_ops.py ├── info.py ├── learner.py ├── metrics │ ├── __init__.py │ ├── averaging_metric.py │ ├── base_metric.py │ ├── summing_metric.py │ └── value_metric.py ├── model.py ├── model_factory.py ├── optimizer.py ├── schedule.py ├── scheduler.py ├── source.py ├── storage.py └── train_phase.py ├── augmentations ├── __init__.py ├── center_crop.py ├── normalize.py ├── random_crop.py ├── random_horizontal_flip.py ├── random_lighting.py ├── random_rotate.py ├── random_scale.py ├── scale_min_size.py ├── to_array.py ├── to_tensor.py └── tta │ ├── __init__.py │ └── train_tta.py ├── callbacks ├── __init__.py └── time_tracker.py ├── commands ├── __init__.py ├── augvis_command.py ├── lr_find_command.py ├── phase_train_command.py ├── rnn │ ├── __init__.py │ └── generate_text.py ├── summary_command.py ├── train_command.py └── vis_store_command.py ├── exceptions.py ├── internals ├── __init__.py ├── context.py ├── generic_factory.py ├── model_config.py ├── parser.py ├── provider.py └── tests │ ├── __init__.py │ ├── fixture_a.py │ ├── fixture_b.py │ ├── test_parser.py │ └── test_provider.py ├── launcher.py ├── math ├── __init__.py ├── functions.py └── processes.py ├── metrics ├── __init__.py ├── accuracy.py └── loss_metric.py ├── models ├── __init__.py ├── imagenet │ ├── __init__.py │ └── resnet34.py ├── rnn │ ├── __init__.py │ ├── multilayer_rnn_sequence_classification.py │ └── multilayer_rnn_sequence_model.py └── vision │ ├── __init__.py │ ├── cifar10_cnn_01.py │ ├── cifar_resnet_v1.py │ ├── cifar_resnet_v2.py │ ├── cifar_resnext.py │ └── mnist_cnn_01.py ├── modules ├── __init__.py ├── input │ ├── __init__.py │ ├── embedding.py │ ├── identity.py │ ├── image_to_tensor.py │ ├── normalize_observations.py │ └── one_hot_encoding.py ├── layers.py ├── resnet_v1.py ├── resnet_v2.py ├── resnext.py ├── rnn_cell.py └── rnn_layer.py ├── notebook ├── __init__.py └── loader.py ├── openai ├── __init__.py └── baselines │ ├── __init__.py │ ├── bench │ ├── __init__.py │ ├── benchmarks.py │ └── monitor.py │ ├── common │ ├── __init__.py │ ├── atari_wrappers.py │ ├── retro_wrappers.py │ ├── running_mean_std.py │ ├── tile_images.py │ └── vec_env │ │ ├── __init__.py │ │ ├── dummy_vec_env.py │ │ ├── shmem_vec_env.py │ │ ├── subproc_vec_env.py │ │ ├── util.py │ │ ├── vec_frame_stack.py │ │ └── vec_normalize.py │ └── logger.py ├── optimizers ├── __init__.py ├── adadelta.py ├── adam.py ├── rmsprop.py ├── rmsprop_tf.py └── sgd.py ├── phase ├── __init__.py ├── cycle.py ├── freeze.py ├── generic.py └── unfreeze.py ├── rl ├── __init__.py ├── algo │ ├── __init__.py │ ├── distributional_dqn.py │ ├── dqn.py │ └── policy_gradient │ │ ├── __init__.py │ │ ├── a2c.py │ │ ├── acer.py │ │ ├── ddpg.py │ │ ├── ppo.py │ │ └── trpo.py ├── api │ ├── __init__.py │ ├── algo_base.py │ ├── env_base.py │ ├── env_roller.py │ ├── evaluator.py │ ├── model.py │ ├── reinforcer_base.py │ ├── replay_buffer.py │ └── rollout.py ├── buffers │ ├── __init__.py │ ├── backend │ │ ├── __init__.py │ │ ├── circular_buffer_backend.py │ │ ├── circular_vec_buffer_backend.py │ │ ├── prioritized_buffer_backend.py │ │ ├── prioritized_vec_buffer_backend.py │ │ └── segment_tree.py │ ├── circular_replay_buffer.py │ ├── prioritized_circular_replay_buffer.py │ └── tests │ │ ├── __init__.py │ │ ├── test_circular_buffer_backend.py │ │ ├── test_circular_vec_env_buffer_backend.py │ │ ├── test_prioritized_circular_buffer_backend.py │ │ └── test_prioritized_vec_buffer_backend.py ├── commands │ ├── __init__.py │ ├── enjoy.py │ ├── evaluate_env_command.py │ ├── record_movie_command.py │ └── rl_train_command.py ├── discount_bootstrap.py ├── env │ ├── __init__.py │ ├── classic_atari.py │ ├── classic_control.py │ ├── mujoco.py │ └── wrappers │ │ ├── __init__.py │ │ ├── clip_episode_length.py │ │ └── env_normalize.py ├── env_roller │ ├── __init__.py │ ├── step_env_roller.py │ ├── trajectory_replay_env_roller.py │ └── transition_replay_env_roller.py ├── metrics.py ├── models │ ├── __init__.py │ ├── backbone │ │ ├── __init__.py │ │ ├── double_nature_cnn.py │ │ ├── double_noisy_nature_cnn.py │ │ ├── lstm.py │ │ ├── mlp.py │ │ ├── nature_cnn.py │ │ ├── nature_cnn_rnn.py │ │ ├── nature_cnn_small.py │ │ └── noisy_nature_cnn.py │ ├── deterministic_policy_model.py │ ├── q_distributional_model.py │ ├── q_dueling_model.py │ ├── q_model.py │ ├── q_noisy_model.py │ ├── q_rainbow_model.py │ ├── q_stochastic_policy_model.py │ ├── stochastic_policy_model.py │ ├── stochastic_policy_model_separate.py │ └── stochastic_policy_rnn_model.py ├── modules │ ├── __init__.py │ ├── action_head.py │ ├── deterministic_action_head.py │ ├── deterministic_critic_head.py │ ├── noise │ │ ├── __init__.py │ │ ├── eps_greedy.py │ │ └── ou_noise.py │ ├── noisy_linear.py │ ├── q_distributional_head.py │ ├── q_distributional_noisy_dueling_head.py │ ├── q_dueling_head.py │ ├── q_head.py │ ├── q_noisy_head.py │ ├── test │ │ ├── __init__.py │ │ └── test_action_head.py │ └── value_head.py ├── reinforcers │ ├── __init__.py │ ├── buffered_mixed_policy_iteration_reinforcer.py │ ├── buffered_off_policy_iteration_reinforcer.py │ └── on_policy_iteration_reinforcer.py ├── test │ ├── __init__.py │ └── test_integration.py └── vecenv │ ├── __init__.py │ ├── dummy.py │ ├── shared_mem.py │ └── subproc.py ├── scheduler ├── __init__.py ├── ladder.py ├── linear_batch_scaler.py ├── multi_step.py └── reduce_lr_on_plateau.py ├── schedules ├── __init__.py ├── constant.py ├── linear.py └── linear_and_constant.py ├── sources ├── __init__.py ├── img_dir_source.py ├── nlp │ ├── __init__.py │ ├── imdb.py │ └── text_url.py └── vision │ ├── __init__.py │ ├── cifar10.py │ └── mnist.py ├── storage ├── __init__.py ├── backend │ ├── __init__.py │ ├── dummy.py │ └── mongodb.py ├── classic.py ├── strategy │ ├── __init__.py │ ├── checkpoint_strategy.py │ └── classic_checkpoint_strategy.py └── streaming │ ├── __init__.py │ ├── stdout.py │ └── visdom.py └── util ├── __init__.py ├── better.py ├── intepolate.py ├── math.py ├── module_util.py ├── network.py ├── random.py ├── situational.py ├── summary.py ├── tensor_accumulator.py ├── tensor_util.py └── visdom.py /.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/.dockerignore -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/.gitignore -------------------------------------------------------------------------------- /.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/.travis.yml -------------------------------------------------------------------------------- /.velproject.dummy.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/.velproject.dummy.yaml -------------------------------------------------------------------------------- /.velproject.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/.velproject.yaml -------------------------------------------------------------------------------- /Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/Dockerfile -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/LICENSE -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/Makefile -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/README.md -------------------------------------------------------------------------------- /docs/Bibliography.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/docs/Bibliography.md -------------------------------------------------------------------------------- /docs/Glossary.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/docs/Glossary.md -------------------------------------------------------------------------------- /docs/LiteratureBacklog.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/docs/LiteratureBacklog.md -------------------------------------------------------------------------------- /examples-configs/classification/cifar10/cifar10_cnn_01.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/cifar10/cifar10_cnn_01.yaml -------------------------------------------------------------------------------- /examples-configs/classification/cifar10/cifar10_resnetv1_110.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/cifar10/cifar10_resnetv1_110.yaml -------------------------------------------------------------------------------- /examples-configs/classification/cifar10/cifar10_resnetv1_32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/cifar10/cifar10_resnetv1_32.yaml -------------------------------------------------------------------------------- /examples-configs/classification/cifar10/cifar10_resnetv2_110.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/cifar10/cifar10_resnetv2_110.yaml -------------------------------------------------------------------------------- /examples-configs/classification/cifar10/cifar10_resnetv2_164_bottleneck.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/cifar10/cifar10_resnetv2_164_bottleneck.yaml -------------------------------------------------------------------------------- /examples-configs/classification/cifar10/cifar10_resnetv2_32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/cifar10/cifar10_resnetv2_32.yaml -------------------------------------------------------------------------------- /examples-configs/classification/cifar10/cifar10_resnext_29_c1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/cifar10/cifar10_resnext_29_c1.yaml -------------------------------------------------------------------------------- /examples-configs/classification/cifar10/cifar10_resnext_29_c8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/cifar10/cifar10_resnext_29_c8.yaml -------------------------------------------------------------------------------- /examples-configs/classification/imagenet_transfer/cats_vs_dogs_resnet34.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/imagenet_transfer/cats_vs_dogs_resnet34.yaml -------------------------------------------------------------------------------- /examples-configs/classification/mnist/mnist_cnn_01.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/classification/mnist/mnist_cnn_01.yaml -------------------------------------------------------------------------------- /examples-configs/nlp/classification/imdb_sentiment_gru.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/nlp/classification/imdb_sentiment_gru.yaml -------------------------------------------------------------------------------- /examples-configs/nlp/generation/gen_shakespeare_gru.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/nlp/generation/gen_shakespeare_gru.yaml -------------------------------------------------------------------------------- /examples-configs/nlp/generation/gen_shakespeare_gru_embedding.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/nlp/generation/gen_shakespeare_gru_embedding.yaml -------------------------------------------------------------------------------- /examples-configs/nlp/generation/gen_shakespeare_lstm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/nlp/generation/gen_shakespeare_lstm.yaml -------------------------------------------------------------------------------- /examples-configs/nlp/generation/gen_shakespeare_lstm_embedding.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/nlp/generation/gen_shakespeare_lstm_embedding.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/airraid_a2c.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/airraid_a2c.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/breakout_a2c.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/breakout_a2c.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/breakout_a2c_lstm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/breakout_a2c_lstm.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/breakout_a2c_tf_rmsprop.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/breakout_a2c_tf_rmsprop.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/freeway_a2c.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/freeway_a2c.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/pacman_a2c.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/pacman_a2c.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/pitfall_a2c.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/pitfall_a2c.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/pong_a2c.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/pong_a2c.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/pong_a2c_lstm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/pong_a2c_lstm.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/qbert_a2c.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/qbert_a2c.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/a2c/space_invaders_a2c.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/a2c/space_invaders_a2c.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/acer/beam_rider_acer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/acer/beam_rider_acer.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/acer/beam_rider_acer_trust_region.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/acer/beam_rider_acer_trust_region.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/acer/breakout_acer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/acer/breakout_acer.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/acer/breakout_acer_trust_region.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/acer/breakout_acer_trust_region.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/acer/seaquest_acer_trust_region.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/acer/seaquest_acer_trust_region.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/acer/space_invaders_acer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/acer/space_invaders_acer.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/acer/space_invaders_acer_trust_region.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/acer/space_invaders_acer_trust_region.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn/breakout_ddqn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn/breakout_ddqn.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn/breakout_dqn_distributional.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn/breakout_dqn_distributional.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn/breakout_dqn_raw.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn/breakout_dqn_raw.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn/breakout_dueling_ddqn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn/breakout_dueling_ddqn.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn/breakout_dueling_ddqn_prioritized.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn/breakout_dueling_ddqn_prioritized.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn/seaquest_dqn_distributional.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn/seaquest_dqn_distributional.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn/seaquest_dqn_raw.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn/seaquest_dqn_raw.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn_rainbow_param/asterix_rp_dqn_distributional.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn_rainbow_param/asterix_rp_dqn_distributional.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn_rainbow_param/asterix_rp_dqn_raw.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn_rainbow_param/asterix_rp_dqn_raw.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn_rainbow_param/asteroids_rp_dqn_noisynet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn_rainbow_param/asteroids_rp_dqn_noisynet.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn_rainbow_param/asteroids_rp_dqn_raw.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn_rainbow_param/asteroids_rp_dqn_raw.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn_rainbow_param/atlantis_rp_dqn_nstep.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn_rainbow_param/atlantis_rp_dqn_nstep.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/dqn_rainbow_param/atlantis_rp_dqn_raw.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/dqn_rainbow_param/atlantis_rp_dqn_raw.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/ppo/breakout_ppo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/ppo/breakout_ppo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/ppo/breakout_ppo_gru.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/ppo/breakout_ppo_gru.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/ppo/enduro_ppo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/ppo/enduro_ppo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/ppo/qbert_ppo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/ppo/qbert_ppo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/rainbow/breakout_rainbow.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/rainbow/breakout_rainbow.yaml -------------------------------------------------------------------------------- /examples-configs/rl/atari/trpo/breakout_trpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/atari/trpo/breakout_trpo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/mujoco/a2c/reacher_a2c.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/mujoco/a2c/reacher_a2c.yaml -------------------------------------------------------------------------------- /examples-configs/rl/mujoco/ddpg/half_cheetah_ddpg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/mujoco/ddpg/half_cheetah_ddpg.yaml -------------------------------------------------------------------------------- /examples-configs/rl/mujoco/ppo/half_cheetah_ppo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/mujoco/ppo/half_cheetah_ppo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/mujoco/ppo/hopper_ppo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/mujoco/ppo/hopper_ppo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/mujoco/ppo/reacher_ppo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/mujoco/ppo/reacher_ppo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/mujoco/ppo/walker_ppo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/mujoco/ppo/walker_ppo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/mujoco/trpo/half_cheetah_trpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/mujoco/trpo/half_cheetah_trpo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/mujoco/trpo/hopper_trpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/mujoco/trpo/hopper_trpo.yaml -------------------------------------------------------------------------------- /examples-configs/rl/mujoco/trpo/reacher_trpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-configs/rl/mujoco/trpo/reacher_trpo.yaml -------------------------------------------------------------------------------- /examples-scripts/rl/atari/a2c/breakout_a2c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-scripts/rl/atari/a2c/breakout_a2c.py -------------------------------------------------------------------------------- /examples-scripts/rl/atari/a2c/breakout_a2c_evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-scripts/rl/atari/a2c/breakout_a2c_evaluate.py -------------------------------------------------------------------------------- /examples-scripts/rl/atari/ppo/qbert_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-scripts/rl/atari/ppo/qbert_ppo.py -------------------------------------------------------------------------------- /examples-scripts/rl/mujoco/ddpg/half_cheetah_ddpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/examples-scripts/rl/mujoco/ddpg/half_cheetah_ddpg.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/requirements.txt -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/setup.py -------------------------------------------------------------------------------- /travis-requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/travis-requirements.txt -------------------------------------------------------------------------------- /vel/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/api/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/__init__.py -------------------------------------------------------------------------------- /vel/api/callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/callback.py -------------------------------------------------------------------------------- /vel/api/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/data/__init__.py -------------------------------------------------------------------------------- /vel/api/data/augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/data/augmentation.py -------------------------------------------------------------------------------- /vel/api/data/dataflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/data/dataflow.py -------------------------------------------------------------------------------- /vel/api/data/image_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/data/image_ops.py -------------------------------------------------------------------------------- /vel/api/info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/info.py -------------------------------------------------------------------------------- /vel/api/learner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/learner.py -------------------------------------------------------------------------------- /vel/api/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/metrics/__init__.py -------------------------------------------------------------------------------- /vel/api/metrics/averaging_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/metrics/averaging_metric.py -------------------------------------------------------------------------------- /vel/api/metrics/base_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/metrics/base_metric.py -------------------------------------------------------------------------------- /vel/api/metrics/summing_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/metrics/summing_metric.py -------------------------------------------------------------------------------- /vel/api/metrics/value_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/metrics/value_metric.py -------------------------------------------------------------------------------- /vel/api/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/model.py -------------------------------------------------------------------------------- /vel/api/model_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/model_factory.py -------------------------------------------------------------------------------- /vel/api/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/optimizer.py -------------------------------------------------------------------------------- /vel/api/schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/schedule.py -------------------------------------------------------------------------------- /vel/api/scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/scheduler.py -------------------------------------------------------------------------------- /vel/api/source.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/source.py -------------------------------------------------------------------------------- /vel/api/storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/storage.py -------------------------------------------------------------------------------- /vel/api/train_phase.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/api/train_phase.py -------------------------------------------------------------------------------- /vel/augmentations/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/augmentations/center_crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/center_crop.py -------------------------------------------------------------------------------- /vel/augmentations/normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/normalize.py -------------------------------------------------------------------------------- /vel/augmentations/random_crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/random_crop.py -------------------------------------------------------------------------------- /vel/augmentations/random_horizontal_flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/random_horizontal_flip.py -------------------------------------------------------------------------------- /vel/augmentations/random_lighting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/random_lighting.py -------------------------------------------------------------------------------- /vel/augmentations/random_rotate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/random_rotate.py -------------------------------------------------------------------------------- /vel/augmentations/random_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/random_scale.py -------------------------------------------------------------------------------- /vel/augmentations/scale_min_size.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/scale_min_size.py -------------------------------------------------------------------------------- /vel/augmentations/to_array.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/to_array.py -------------------------------------------------------------------------------- /vel/augmentations/to_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/to_tensor.py -------------------------------------------------------------------------------- /vel/augmentations/tta/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/augmentations/tta/train_tta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/augmentations/tta/train_tta.py -------------------------------------------------------------------------------- /vel/callbacks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/callbacks/time_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/callbacks/time_tracker.py -------------------------------------------------------------------------------- /vel/commands/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/commands/augvis_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/commands/augvis_command.py -------------------------------------------------------------------------------- /vel/commands/lr_find_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/commands/lr_find_command.py -------------------------------------------------------------------------------- /vel/commands/phase_train_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/commands/phase_train_command.py -------------------------------------------------------------------------------- /vel/commands/rnn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/commands/rnn/generate_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/commands/rnn/generate_text.py -------------------------------------------------------------------------------- /vel/commands/summary_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/commands/summary_command.py -------------------------------------------------------------------------------- /vel/commands/train_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/commands/train_command.py -------------------------------------------------------------------------------- /vel/commands/vis_store_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/commands/vis_store_command.py -------------------------------------------------------------------------------- /vel/exceptions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/exceptions.py -------------------------------------------------------------------------------- /vel/internals/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/internals/context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/internals/context.py -------------------------------------------------------------------------------- /vel/internals/generic_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/internals/generic_factory.py -------------------------------------------------------------------------------- /vel/internals/model_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/internals/model_config.py -------------------------------------------------------------------------------- /vel/internals/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/internals/parser.py -------------------------------------------------------------------------------- /vel/internals/provider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/internals/provider.py -------------------------------------------------------------------------------- /vel/internals/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/internals/tests/fixture_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/internals/tests/fixture_a.py -------------------------------------------------------------------------------- /vel/internals/tests/fixture_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/internals/tests/fixture_b.py -------------------------------------------------------------------------------- /vel/internals/tests/test_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/internals/tests/test_parser.py -------------------------------------------------------------------------------- /vel/internals/tests/test_provider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/internals/tests/test_provider.py -------------------------------------------------------------------------------- /vel/launcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/launcher.py -------------------------------------------------------------------------------- /vel/math/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/math/functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/math/functions.py -------------------------------------------------------------------------------- /vel/math/processes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/math/processes.py -------------------------------------------------------------------------------- /vel/metrics/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/metrics/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/metrics/accuracy.py -------------------------------------------------------------------------------- /vel/metrics/loss_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/metrics/loss_metric.py -------------------------------------------------------------------------------- /vel/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/models/imagenet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/models/imagenet/resnet34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/models/imagenet/resnet34.py -------------------------------------------------------------------------------- /vel/models/rnn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/models/rnn/multilayer_rnn_sequence_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/models/rnn/multilayer_rnn_sequence_classification.py -------------------------------------------------------------------------------- /vel/models/rnn/multilayer_rnn_sequence_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/models/rnn/multilayer_rnn_sequence_model.py -------------------------------------------------------------------------------- /vel/models/vision/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/models/vision/cifar10_cnn_01.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/models/vision/cifar10_cnn_01.py -------------------------------------------------------------------------------- /vel/models/vision/cifar_resnet_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/models/vision/cifar_resnet_v1.py -------------------------------------------------------------------------------- /vel/models/vision/cifar_resnet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/models/vision/cifar_resnet_v2.py -------------------------------------------------------------------------------- /vel/models/vision/cifar_resnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/models/vision/cifar_resnext.py -------------------------------------------------------------------------------- /vel/models/vision/mnist_cnn_01.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/models/vision/mnist_cnn_01.py -------------------------------------------------------------------------------- /vel/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/modules/input/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/modules/input/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/input/embedding.py -------------------------------------------------------------------------------- /vel/modules/input/identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/input/identity.py -------------------------------------------------------------------------------- /vel/modules/input/image_to_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/input/image_to_tensor.py -------------------------------------------------------------------------------- /vel/modules/input/normalize_observations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/input/normalize_observations.py -------------------------------------------------------------------------------- /vel/modules/input/one_hot_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/input/one_hot_encoding.py -------------------------------------------------------------------------------- /vel/modules/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/layers.py -------------------------------------------------------------------------------- /vel/modules/resnet_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/resnet_v1.py -------------------------------------------------------------------------------- /vel/modules/resnet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/resnet_v2.py -------------------------------------------------------------------------------- /vel/modules/resnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/resnext.py -------------------------------------------------------------------------------- /vel/modules/rnn_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/rnn_cell.py -------------------------------------------------------------------------------- /vel/modules/rnn_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/modules/rnn_layer.py -------------------------------------------------------------------------------- /vel/notebook/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/notebook/__init__.py -------------------------------------------------------------------------------- /vel/notebook/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/notebook/loader.py -------------------------------------------------------------------------------- /vel/openai/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/openai/baselines/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/openai/baselines/bench/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/bench/__init__.py -------------------------------------------------------------------------------- /vel/openai/baselines/bench/benchmarks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/bench/benchmarks.py -------------------------------------------------------------------------------- /vel/openai/baselines/bench/monitor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/bench/monitor.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/openai/baselines/common/atari_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/atari_wrappers.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/retro_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/retro_wrappers.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/running_mean_std.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/running_mean_std.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/tile_images.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/tile_images.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/vec_env/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/vec_env/__init__.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/vec_env/dummy_vec_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/vec_env/dummy_vec_env.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/vec_env/shmem_vec_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/vec_env/shmem_vec_env.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/vec_env/subproc_vec_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/vec_env/subproc_vec_env.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/vec_env/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/vec_env/util.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/vec_env/vec_frame_stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/vec_env/vec_frame_stack.py -------------------------------------------------------------------------------- /vel/openai/baselines/common/vec_env/vec_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/common/vec_env/vec_normalize.py -------------------------------------------------------------------------------- /vel/openai/baselines/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/openai/baselines/logger.py -------------------------------------------------------------------------------- /vel/optimizers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/optimizers/adadelta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/optimizers/adadelta.py -------------------------------------------------------------------------------- /vel/optimizers/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/optimizers/adam.py -------------------------------------------------------------------------------- /vel/optimizers/rmsprop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/optimizers/rmsprop.py -------------------------------------------------------------------------------- /vel/optimizers/rmsprop_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/optimizers/rmsprop_tf.py -------------------------------------------------------------------------------- /vel/optimizers/sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/optimizers/sgd.py -------------------------------------------------------------------------------- /vel/phase/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/phase/cycle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/phase/cycle.py -------------------------------------------------------------------------------- /vel/phase/freeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/phase/freeze.py -------------------------------------------------------------------------------- /vel/phase/generic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/phase/generic.py -------------------------------------------------------------------------------- /vel/phase/unfreeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/phase/unfreeze.py -------------------------------------------------------------------------------- /vel/rl/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/algo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/algo/distributional_dqn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/algo/distributional_dqn.py -------------------------------------------------------------------------------- /vel/rl/algo/dqn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/algo/dqn.py -------------------------------------------------------------------------------- /vel/rl/algo/policy_gradient/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/algo/policy_gradient/a2c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/algo/policy_gradient/a2c.py -------------------------------------------------------------------------------- /vel/rl/algo/policy_gradient/acer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/algo/policy_gradient/acer.py -------------------------------------------------------------------------------- /vel/rl/algo/policy_gradient/ddpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/algo/policy_gradient/ddpg.py -------------------------------------------------------------------------------- /vel/rl/algo/policy_gradient/ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/algo/policy_gradient/ppo.py -------------------------------------------------------------------------------- /vel/rl/algo/policy_gradient/trpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/algo/policy_gradient/trpo.py -------------------------------------------------------------------------------- /vel/rl/api/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/api/__init__.py -------------------------------------------------------------------------------- /vel/rl/api/algo_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/api/algo_base.py -------------------------------------------------------------------------------- /vel/rl/api/env_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/api/env_base.py -------------------------------------------------------------------------------- /vel/rl/api/env_roller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/api/env_roller.py -------------------------------------------------------------------------------- /vel/rl/api/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/api/evaluator.py -------------------------------------------------------------------------------- /vel/rl/api/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/api/model.py -------------------------------------------------------------------------------- /vel/rl/api/reinforcer_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/api/reinforcer_base.py -------------------------------------------------------------------------------- /vel/rl/api/replay_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/api/replay_buffer.py -------------------------------------------------------------------------------- /vel/rl/api/rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/api/rollout.py -------------------------------------------------------------------------------- /vel/rl/buffers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/buffers/backend/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/buffers/backend/circular_buffer_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/backend/circular_buffer_backend.py -------------------------------------------------------------------------------- /vel/rl/buffers/backend/circular_vec_buffer_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/backend/circular_vec_buffer_backend.py -------------------------------------------------------------------------------- /vel/rl/buffers/backend/prioritized_buffer_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/backend/prioritized_buffer_backend.py -------------------------------------------------------------------------------- /vel/rl/buffers/backend/prioritized_vec_buffer_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/backend/prioritized_vec_buffer_backend.py -------------------------------------------------------------------------------- /vel/rl/buffers/backend/segment_tree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/backend/segment_tree.py -------------------------------------------------------------------------------- /vel/rl/buffers/circular_replay_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/circular_replay_buffer.py -------------------------------------------------------------------------------- /vel/rl/buffers/prioritized_circular_replay_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/prioritized_circular_replay_buffer.py -------------------------------------------------------------------------------- /vel/rl/buffers/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/buffers/tests/test_circular_buffer_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/tests/test_circular_buffer_backend.py -------------------------------------------------------------------------------- /vel/rl/buffers/tests/test_circular_vec_env_buffer_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/tests/test_circular_vec_env_buffer_backend.py -------------------------------------------------------------------------------- /vel/rl/buffers/tests/test_prioritized_circular_buffer_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/tests/test_prioritized_circular_buffer_backend.py -------------------------------------------------------------------------------- /vel/rl/buffers/tests/test_prioritized_vec_buffer_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/buffers/tests/test_prioritized_vec_buffer_backend.py -------------------------------------------------------------------------------- /vel/rl/commands/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/commands/enjoy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/commands/enjoy.py -------------------------------------------------------------------------------- /vel/rl/commands/evaluate_env_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/commands/evaluate_env_command.py -------------------------------------------------------------------------------- /vel/rl/commands/record_movie_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/commands/record_movie_command.py -------------------------------------------------------------------------------- /vel/rl/commands/rl_train_command.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/commands/rl_train_command.py -------------------------------------------------------------------------------- /vel/rl/discount_bootstrap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/discount_bootstrap.py -------------------------------------------------------------------------------- /vel/rl/env/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/env/classic_atari.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/env/classic_atari.py -------------------------------------------------------------------------------- /vel/rl/env/classic_control.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/env/classic_control.py -------------------------------------------------------------------------------- /vel/rl/env/mujoco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/env/mujoco.py -------------------------------------------------------------------------------- /vel/rl/env/wrappers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/env/wrappers/clip_episode_length.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/env/wrappers/clip_episode_length.py -------------------------------------------------------------------------------- /vel/rl/env/wrappers/env_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/env/wrappers/env_normalize.py -------------------------------------------------------------------------------- /vel/rl/env_roller/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/env_roller/step_env_roller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/env_roller/step_env_roller.py -------------------------------------------------------------------------------- /vel/rl/env_roller/trajectory_replay_env_roller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/env_roller/trajectory_replay_env_roller.py -------------------------------------------------------------------------------- /vel/rl/env_roller/transition_replay_env_roller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/env_roller/transition_replay_env_roller.py -------------------------------------------------------------------------------- /vel/rl/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/metrics.py -------------------------------------------------------------------------------- /vel/rl/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/models/backbone/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/models/backbone/double_nature_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/backbone/double_nature_cnn.py -------------------------------------------------------------------------------- /vel/rl/models/backbone/double_noisy_nature_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/backbone/double_noisy_nature_cnn.py -------------------------------------------------------------------------------- /vel/rl/models/backbone/lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/backbone/lstm.py -------------------------------------------------------------------------------- /vel/rl/models/backbone/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/backbone/mlp.py -------------------------------------------------------------------------------- /vel/rl/models/backbone/nature_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/backbone/nature_cnn.py -------------------------------------------------------------------------------- /vel/rl/models/backbone/nature_cnn_rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/backbone/nature_cnn_rnn.py -------------------------------------------------------------------------------- /vel/rl/models/backbone/nature_cnn_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/backbone/nature_cnn_small.py -------------------------------------------------------------------------------- /vel/rl/models/backbone/noisy_nature_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/backbone/noisy_nature_cnn.py -------------------------------------------------------------------------------- /vel/rl/models/deterministic_policy_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/deterministic_policy_model.py -------------------------------------------------------------------------------- /vel/rl/models/q_distributional_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/q_distributional_model.py -------------------------------------------------------------------------------- /vel/rl/models/q_dueling_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/q_dueling_model.py -------------------------------------------------------------------------------- /vel/rl/models/q_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/q_model.py -------------------------------------------------------------------------------- /vel/rl/models/q_noisy_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/q_noisy_model.py -------------------------------------------------------------------------------- /vel/rl/models/q_rainbow_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/q_rainbow_model.py -------------------------------------------------------------------------------- /vel/rl/models/q_stochastic_policy_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/q_stochastic_policy_model.py -------------------------------------------------------------------------------- /vel/rl/models/stochastic_policy_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/stochastic_policy_model.py -------------------------------------------------------------------------------- /vel/rl/models/stochastic_policy_model_separate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/stochastic_policy_model_separate.py -------------------------------------------------------------------------------- /vel/rl/models/stochastic_policy_rnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/models/stochastic_policy_rnn_model.py -------------------------------------------------------------------------------- /vel/rl/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/modules/action_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/action_head.py -------------------------------------------------------------------------------- /vel/rl/modules/deterministic_action_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/deterministic_action_head.py -------------------------------------------------------------------------------- /vel/rl/modules/deterministic_critic_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/deterministic_critic_head.py -------------------------------------------------------------------------------- /vel/rl/modules/noise/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/modules/noise/eps_greedy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/noise/eps_greedy.py -------------------------------------------------------------------------------- /vel/rl/modules/noise/ou_noise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/noise/ou_noise.py -------------------------------------------------------------------------------- /vel/rl/modules/noisy_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/noisy_linear.py -------------------------------------------------------------------------------- /vel/rl/modules/q_distributional_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/q_distributional_head.py -------------------------------------------------------------------------------- /vel/rl/modules/q_distributional_noisy_dueling_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/q_distributional_noisy_dueling_head.py -------------------------------------------------------------------------------- /vel/rl/modules/q_dueling_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/q_dueling_head.py -------------------------------------------------------------------------------- /vel/rl/modules/q_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/q_head.py -------------------------------------------------------------------------------- /vel/rl/modules/q_noisy_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/q_noisy_head.py -------------------------------------------------------------------------------- /vel/rl/modules/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/modules/test/test_action_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/test/test_action_head.py -------------------------------------------------------------------------------- /vel/rl/modules/value_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/modules/value_head.py -------------------------------------------------------------------------------- /vel/rl/reinforcers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/reinforcers/buffered_mixed_policy_iteration_reinforcer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/reinforcers/buffered_mixed_policy_iteration_reinforcer.py -------------------------------------------------------------------------------- /vel/rl/reinforcers/buffered_off_policy_iteration_reinforcer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/reinforcers/buffered_off_policy_iteration_reinforcer.py -------------------------------------------------------------------------------- /vel/rl/reinforcers/on_policy_iteration_reinforcer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/reinforcers/on_policy_iteration_reinforcer.py -------------------------------------------------------------------------------- /vel/rl/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/test/test_integration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/test/test_integration.py -------------------------------------------------------------------------------- /vel/rl/vecenv/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/rl/vecenv/dummy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/vecenv/dummy.py -------------------------------------------------------------------------------- /vel/rl/vecenv/shared_mem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/vecenv/shared_mem.py -------------------------------------------------------------------------------- /vel/rl/vecenv/subproc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/rl/vecenv/subproc.py -------------------------------------------------------------------------------- /vel/scheduler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/scheduler/ladder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/scheduler/ladder.py -------------------------------------------------------------------------------- /vel/scheduler/linear_batch_scaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/scheduler/linear_batch_scaler.py -------------------------------------------------------------------------------- /vel/scheduler/multi_step.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/scheduler/multi_step.py -------------------------------------------------------------------------------- /vel/scheduler/reduce_lr_on_plateau.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/scheduler/reduce_lr_on_plateau.py -------------------------------------------------------------------------------- /vel/schedules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/schedules/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/schedules/constant.py -------------------------------------------------------------------------------- /vel/schedules/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/schedules/linear.py -------------------------------------------------------------------------------- /vel/schedules/linear_and_constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/schedules/linear_and_constant.py -------------------------------------------------------------------------------- /vel/sources/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/sources/img_dir_source.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/sources/img_dir_source.py -------------------------------------------------------------------------------- /vel/sources/nlp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/sources/nlp/imdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/sources/nlp/imdb.py -------------------------------------------------------------------------------- /vel/sources/nlp/text_url.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/sources/nlp/text_url.py -------------------------------------------------------------------------------- /vel/sources/vision/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/sources/vision/cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/sources/vision/cifar10.py -------------------------------------------------------------------------------- /vel/sources/vision/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/sources/vision/mnist.py -------------------------------------------------------------------------------- /vel/storage/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/storage/backend/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/storage/backend/dummy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/storage/backend/dummy.py -------------------------------------------------------------------------------- /vel/storage/backend/mongodb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/storage/backend/mongodb.py -------------------------------------------------------------------------------- /vel/storage/classic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/storage/classic.py -------------------------------------------------------------------------------- /vel/storage/strategy/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/storage/strategy/checkpoint_strategy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/storage/strategy/checkpoint_strategy.py -------------------------------------------------------------------------------- /vel/storage/strategy/classic_checkpoint_strategy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/storage/strategy/classic_checkpoint_strategy.py -------------------------------------------------------------------------------- /vel/storage/streaming/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/storage/streaming/stdout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/storage/streaming/stdout.py -------------------------------------------------------------------------------- /vel/storage/streaming/visdom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/storage/streaming/visdom.py -------------------------------------------------------------------------------- /vel/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vel/util/better.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/better.py -------------------------------------------------------------------------------- /vel/util/intepolate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/intepolate.py -------------------------------------------------------------------------------- /vel/util/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/math.py -------------------------------------------------------------------------------- /vel/util/module_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/module_util.py -------------------------------------------------------------------------------- /vel/util/network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/network.py -------------------------------------------------------------------------------- /vel/util/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/random.py -------------------------------------------------------------------------------- /vel/util/situational.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/situational.py -------------------------------------------------------------------------------- /vel/util/summary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/summary.py -------------------------------------------------------------------------------- /vel/util/tensor_accumulator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/tensor_accumulator.py -------------------------------------------------------------------------------- /vel/util/tensor_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/tensor_util.py -------------------------------------------------------------------------------- /vel/util/visdom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MillionIntegrals/vel/HEAD/vel/util/visdom.py --------------------------------------------------------------------------------