Upload 3 files
Browse files- config.json +189 -0
- model.pth +3 -0
- trunk.pth +3 -0
    	
        config.json
    ADDED
    
    | @@ -0,0 +1,189 @@ | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            {
         | 
| 2 | 
            +
                "accumuate_gradient_steps": 2,
         | 
| 3 | 
            +
                "comment": "",
         | 
| 4 | 
            +
                "count_flops": false,
         | 
| 5 | 
            +
                "customized_dataset_mixture_file": "",
         | 
| 6 | 
            +
                "dataloader": {
         | 
| 7 | 
            +
                    "batch_size": 64,
         | 
| 8 | 
            +
                    "drop_last": true,
         | 
| 9 | 
            +
                    "num_workers": 1,
         | 
| 10 | 
            +
                    "persistent_workers": false,
         | 
| 11 | 
            +
                    "pin_memory": false
         | 
| 12 | 
            +
                },
         | 
| 13 | 
            +
                "dataset": {
         | 
| 14 | 
            +
                    "_target_": "hpt_pretrain.dataset.traj_dataset.TrajDataset",
         | 
| 15 | 
            +
                    "action_horizon": 8,
         | 
| 16 | 
            +
                    "continue_generate": false,
         | 
| 17 | 
            +
                    "data_augmentation": false,
         | 
| 18 | 
            +
                    "data_ratio": 1,
         | 
| 19 | 
            +
                    "dataset_encoder_postfix": "_resnet",
         | 
| 20 | 
            +
                    "dataset_postfix": "_traj100000",
         | 
| 21 | 
            +
                    "episode_cnt": 100000,
         | 
| 22 | 
            +
                    "heldout_dataset": false,
         | 
| 23 | 
            +
                    "horizon": 5,
         | 
| 24 | 
            +
                    "image_encoder": "resnet",
         | 
| 25 | 
            +
                    "normalize_state": true,
         | 
| 26 | 
            +
                    "observation_horizon": 4,
         | 
| 27 | 
            +
                    "pad_after": 0,
         | 
| 28 | 
            +
                    "pad_before": 0,
         | 
| 29 | 
            +
                    "precompute_feat": true,
         | 
| 30 | 
            +
                    "regenerate": false,
         | 
| 31 | 
            +
                    "step_cnt": 10000000,
         | 
| 32 | 
            +
                    "use_disk": true,
         | 
| 33 | 
            +
                    "use_heldout_dataset": true,
         | 
| 34 | 
            +
                    "use_multiview": false,
         | 
| 35 | 
            +
                    "val_ratio": 0.1
         | 
| 36 | 
            +
                },
         | 
| 37 | 
            +
                "dataset_groups": "",
         | 
| 38 | 
            +
                "dataset_shuffle": true,
         | 
| 39 | 
            +
                "ddp_dataloader": {
         | 
| 40 | 
            +
                    "drop_last": false,
         | 
| 41 | 
            +
                    "num_workers": 8,
         | 
| 42 | 
            +
                    "persistent_workers": false,
         | 
| 43 | 
            +
                    "pin_memory": false,
         | 
| 44 | 
            +
                    "prefetch_factor": 6
         | 
| 45 | 
            +
                },
         | 
| 46 | 
            +
                "ddp_val_dataloader": {
         | 
| 47 | 
            +
                    "drop_last": false,
         | 
| 48 | 
            +
                    "num_workers": 8,
         | 
| 49 | 
            +
                    "persistent_workers": false,
         | 
| 50 | 
            +
                    "pin_memory": false,
         | 
| 51 | 
            +
                    "prefetch_factor": 2
         | 
| 52 | 
            +
                },
         | 
| 53 | 
            +
                "debug_distributed": false,
         | 
| 54 | 
            +
                "debug_submitit": false,
         | 
| 55 | 
            +
                "dist_backend": "nccl",
         | 
| 56 | 
            +
                "dist_on_itp": false,
         | 
| 57 | 
            +
                "dist_url": "file:///checkpoint/xinleic/experiments/855d1a9c880549309c4f301b0fe381be_init",
         | 
| 58 | 
            +
                "distributed": true,
         | 
| 59 | 
            +
                "domains": "austin_sailor_dataset_converted_externally_to_rlds, stanford_hydra_dataset_converted_externally_to_rlds, austin_buds_dataset_converted_externally_to_rlds, austin_sirius_dataset_converted_externally_to_rlds, berkeley_mvp_converted_externally_to_rlds, berkeley_rpt_converted_externally_to_rlds, iamlab_cmu_pickup_insert_converted_externally_to_rlds, utaustin_mutex, imperialcollege_sawyer_wrist_cam, stanford_mask_vit_converted_externally_to_rlds, language_table, kuka, bc_z, robo_net, dlr_sara_pour_converted_externally_to_rlds, stanford_robocook_converted_externally_to_rlds, cmu_play_fusion, bridge, furniture_bench_dataset_converted_externally_to_rlds, ucsd_pick_and_place_dataset_converted_externally_to_rlds, usc_cloth_sim_converted_externally_to_rlds, stanford_kuka_multimodal_dataset_converted_externally_to_rlds, roboturk, kaist_nonprehensile_converted_externally_to_rlds, asu_table_top_converted_externally_to_rlds, utokyo_xarm_pick_and_place_converted_externally_to_rlds, berkeley_cable_routing, droid, uiuc_d3field, robo_set, qut_dexterous_manpulation, nyu_door_opening_surprising_effectiveness, nyu_franka_play_dataset_converted_externally_to_rlds, mimic_play, maniskill_dataset_converted_externally_to_rlds, columbia_cairlab_pusht_real, conq_hose_manipulation, dlr_edan_shared_control_converted_externally_to_rlds, berkeley_gnm_sac_son, berkeley_autolab_ur5, aloha_mobile, agent_aware_affordances",
         | 
| 60 | 
            +
                "dset_w_temperature": 2.0,
         | 
| 61 | 
            +
                "effective_batch_size": 256,
         | 
| 62 | 
            +
                "effective_total_epochs": 100,
         | 
| 63 | 
            +
                "epoch_size": 10,
         | 
| 64 | 
            +
                "fsdp": false,
         | 
| 65 | 
            +
                "gpu": 0,
         | 
| 66 | 
            +
                "head": {
         | 
| 67 | 
            +
                    "_target_": "hpt_pretrain.models.policy_head.MLP",
         | 
| 68 | 
            +
                    "dropout": true,
         | 
| 69 | 
            +
                    "input_dim": 512,
         | 
| 70 | 
            +
                    "output_dim": 48,
         | 
| 71 | 
            +
                    "tanh_end": true,
         | 
| 72 | 
            +
                    "widths": [
         | 
| 73 | 
            +
                        256,
         | 
| 74 | 
            +
                        128
         | 
| 75 | 
            +
                    ]
         | 
| 76 | 
            +
                },
         | 
| 77 | 
            +
                "job_dir": "logs/",
         | 
| 78 | 
            +
                "local_rank": 1,
         | 
| 79 | 
            +
                "log_dir": "output/05_05_2024_20_21_54_727275",
         | 
| 80 | 
            +
                "log_interval": 10,
         | 
| 81 | 
            +
                "lr_scheduler": {
         | 
| 82 | 
            +
                    "T_max": 800000,
         | 
| 83 | 
            +
                    "_target_": "torch.optim.lr_scheduler.CosineAnnealingLR",
         | 
| 84 | 
            +
                    "eta_min": 1e-06
         | 
| 85 | 
            +
                },
         | 
| 86 | 
            +
                "network": {
         | 
| 87 | 
            +
                    "_target_": "hpt_pretrain.models.policy.Policy",
         | 
| 88 | 
            +
                    "action_horizon": 8,
         | 
| 89 | 
            +
                    "drop_path": 0.1,
         | 
| 90 | 
            +
                    "embed_dim": 512,
         | 
| 91 | 
            +
                    "mae_loss_scale": 0.0,
         | 
| 92 | 
            +
                    "masked_autoencoding": false,
         | 
| 93 | 
            +
                    "num_blocks": 16,
         | 
| 94 | 
            +
                    "num_heads": 8,
         | 
| 95 | 
            +
                    "token_postprocessing": "mean",
         | 
| 96 | 
            +
                    "use_domain_embedding": false,
         | 
| 97 | 
            +
                    "use_modality_embedding": true,
         | 
| 98 | 
            +
                    "weight_init_style": "pytorch"
         | 
| 99 | 
            +
                },
         | 
| 100 | 
            +
                "ngpus": 8,
         | 
| 101 | 
            +
                "nodelist": "learnlab,learnfair,scavenge",
         | 
| 102 | 
            +
                "nodes": 4,
         | 
| 103 | 
            +
                "optimizer": {
         | 
| 104 | 
            +
                    "_target_": "torch.optim.AdamW",
         | 
| 105 | 
            +
                    "eps": 1e-06,
         | 
| 106 | 
            +
                    "lr": 0.001,
         | 
| 107 | 
            +
                    "weight_decay": 0.05
         | 
| 108 | 
            +
                },
         | 
| 109 | 
            +
                "optimizer_misc": {
         | 
| 110 | 
            +
                    "nontrunk_lr_scale": 0.5
         | 
| 111 | 
            +
                },
         | 
| 112 | 
            +
                "output_dir": "output/05_05_2024_20_21_54_727275",
         | 
| 113 | 
            +
                "partition": "learnlab",
         | 
| 114 | 
            +
                "rank": 0,
         | 
| 115 | 
            +
                "resume": "logs/",
         | 
| 116 | 
            +
                "save_wb_checkpoint": true,
         | 
| 117 | 
            +
                "script_name": "run_resnet_30dataset_traj100000_embed_512_batch2048_800k",
         | 
| 118 | 
            +
                "seed": 0,
         | 
| 119 | 
            +
                "slurm_job_id": "27155766",
         | 
| 120 | 
            +
                "stem": {
         | 
| 121 | 
            +
                    "add_pos_embedding_to_state": false,
         | 
| 122 | 
            +
                    "crossattn_dim_head": 64,
         | 
| 123 | 
            +
                    "crossattn_heads": 8,
         | 
| 124 | 
            +
                    "crossattn_latent": {
         | 
| 125 | 
            +
                        "image": 16,
         | 
| 126 | 
            +
                        "state": 16
         | 
| 127 | 
            +
                    },
         | 
| 128 | 
            +
                    "crossattn_modality_dropout": 0.1,
         | 
| 129 | 
            +
                    "image": {
         | 
| 130 | 
            +
                        "_target_": "hpt_pretrain.models.policy_stem.MLP",
         | 
| 131 | 
            +
                        "input_dim": 512,
         | 
| 132 | 
            +
                        "num_of_copy": 1,
         | 
| 133 | 
            +
                        "output_dim": 512,
         | 
| 134 | 
            +
                        "widths": [
         | 
| 135 | 
            +
                            128
         | 
| 136 | 
            +
                        ]
         | 
| 137 | 
            +
                    },
         | 
| 138 | 
            +
                    "image_encoder": "resnet",
         | 
| 139 | 
            +
                    "modalities": [
         | 
| 140 | 
            +
                        "image",
         | 
| 141 | 
            +
                        "state"
         | 
| 142 | 
            +
                    ],
         | 
| 143 | 
            +
                    "modality_embed_dim": 512,
         | 
| 144 | 
            +
                    "normalize_state": true,
         | 
| 145 | 
            +
                    "num_blocks": 1,
         | 
| 146 | 
            +
                    "observation_horizon": 4,
         | 
| 147 | 
            +
                    "random_horizon_masking": true,
         | 
| 148 | 
            +
                    "state": {
         | 
| 149 | 
            +
                        "_target_": "hpt_pretrain.models.policy_stem.MLP",
         | 
| 150 | 
            +
                        "input_dim": 8,
         | 
| 151 | 
            +
                        "output_dim": 512,
         | 
| 152 | 
            +
                        "widths": [
         | 
| 153 | 
            +
                            128
         | 
| 154 | 
            +
                        ]
         | 
| 155 | 
            +
                    },
         | 
| 156 | 
            +
                    "state_embedding_dim": 1
         | 
| 157 | 
            +
                },
         | 
| 158 | 
            +
                "submitit_autoresume": true,
         | 
| 159 | 
            +
                "task_per_gpu": 1,
         | 
| 160 | 
            +
                "timeout": 4320,
         | 
| 161 | 
            +
                "total_num_sample": 0,
         | 
| 162 | 
            +
                "total_num_traj": 0,
         | 
| 163 | 
            +
                "train": {
         | 
| 164 | 
            +
                    "epoch_iters": 1000,
         | 
| 165 | 
            +
                    "freeze_trunk": false,
         | 
| 166 | 
            +
                    "load_pretrain_trunk_only": false,
         | 
| 167 | 
            +
                    "max_validation_size": 10,
         | 
| 168 | 
            +
                    "pretrained_dir": "05_05_2024_20_21_54_727275",
         | 
| 169 | 
            +
                    "total_epochs": 30000,
         | 
| 170 | 
            +
                    "total_iters": 800000,
         | 
| 171 | 
            +
                    "use_accumulation": false,
         | 
| 172 | 
            +
                    "validation_iters": 100
         | 
| 173 | 
            +
                },
         | 
| 174 | 
            +
                "trunk_acc_gradient_step": 1,
         | 
| 175 | 
            +
                "trunk_separate_opt": false,
         | 
| 176 | 
            +
                "use_volta32": true,
         | 
| 177 | 
            +
                "val_dataloader": {
         | 
| 178 | 
            +
                    "num_workers": 1,
         | 
| 179 | 
            +
                    "persistent_workers": false,
         | 
| 180 | 
            +
                    "pin_memory": false
         | 
| 181 | 
            +
                },
         | 
| 182 | 
            +
                "warmup_lr": {
         | 
| 183 | 
            +
                    "lr": 1e-10,
         | 
| 184 | 
            +
                    "step": 1000
         | 
| 185 | 
            +
                },
         | 
| 186 | 
            +
                "wb_cont_run": "3tv0j6ts",
         | 
| 187 | 
            +
                "wb_tag": "default",
         | 
| 188 | 
            +
                "world_size": 32
         | 
| 189 | 
            +
            }
         | 
    	
        model.pth
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:2172f843c1579e0e0dce9c2fd9ca7eca1473a09bdcdcf011adacba7d1035290d
         | 
| 3 | 
            +
            size 620246555
         | 
    	
        trunk.pth
    ADDED
    
    | @@ -0,0 +1,3 @@ | |
|  | |
|  | |
|  | 
|  | |
| 1 | 
            +
            version https://git-lfs.github.com/spec/v1
         | 
| 2 | 
            +
            oid sha256:8f5a06648b06a0bdfb56c84fe5a0269b643423b5501d52f1ae9efaaa372d128a
         | 
| 3 | 
            +
            size 201883562
         |