[2025-03-16 06:11:14,237][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,237][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,237][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,237][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,240][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,240][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,240][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,240][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,241][__main__][INFO] - Initializing training for seed 242 [2025-03-16 06:11:14,241][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,241][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,241][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,241][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,243][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,243][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,243][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:14,244][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:30,540][robosuite_logs][WARNING] - No private macro file found! [2025-03-16 06:11:30,541][robosuite_logs][WARNING] - It is recommended to use a private macro file [2025-03-16 06:11:30,541][robosuite_logs][WARNING] - To setup, run: python /home/hk-project-robolear/ft4740/miniconda3/envs/flower_cal/lib/python3.9/site-packages/robosuite/scripts/setup_macros.py [2025-03-16 06:11:30,600][robosuite_logs][WARNING] - No private macro file found! [2025-03-16 06:11:30,600][robosuite_logs][WARNING] - It is recommended to use a private macro file [2025-03-16 06:11:30,600][robosuite_logs][WARNING] - To setup, run: python /home/hk-project-robolear/ft4740/miniconda3/envs/flower_cal/lib/python3.9/site-packages/robosuite/scripts/setup_macros.py [2025-03-16 06:11:31,224][OpenGL.acceleratesupport][INFO] - No OpenGL_accelerate module loaded: No module named 'OpenGL_accelerate' [2025-03-16 06:11:31,224][OpenGL.acceleratesupport][INFO] - No OpenGL_accelerate module loaded: No module named 'OpenGL_accelerate' [2025-03-16 06:11:34,641][robosuite_logs][WARNING] - No private macro file found! [2025-03-16 06:11:34,641][robosuite_logs][WARNING] - It is recommended to use a private macro file [2025-03-16 06:11:34,641][robosuite_logs][WARNING] - To setup, run: python /home/hk-project-robolear/ft4740/miniconda3/envs/flower_cal/lib/python3.9/site-packages/robosuite/scripts/setup_macros.py [2025-03-16 06:11:34,780][OpenGL.acceleratesupport][INFO] - No OpenGL_accelerate module loaded: No module named 'OpenGL_accelerate' [2025-03-16 06:11:37,704][robosuite_logs][WARNING] - No private macro file found! [2025-03-16 06:11:37,704][robosuite_logs][WARNING] - It is recommended to use a private macro file [2025-03-16 06:11:37,705][robosuite_logs][WARNING] - To setup, run: python /home/hk-project-robolear/ft4740/miniconda3/envs/flower_cal/lib/python3.9/site-packages/robosuite/scripts/setup_macros.py [2025-03-16 06:11:37,847][OpenGL.acceleratesupport][INFO] - No OpenGL_accelerate module loaded: No module named 'OpenGL_accelerate' [2025-03-16 06:11:47,709][__main__][INFO] - Training config for seed 242: {'callbacks': {'ema': {'_target_': 'flower.callbacks.ema.EMA', 'decay': 0.999, 'start_step': 0, 'save_ema_weights_in_callback_state': True, 'evaluate_ema_weights_instead': True, 'power': 0.6666666666666666, 'inv_gamma': 1.0, 'min_value': 0.0, 'max_value': 0.9999}, 'rollout_lh': {'_target_': 'flower.rollout.libero_rollout.RolloutLibero', '_recursive_': False, 'env_cfg': {'_target_': 'flower.wrappers.hulc_wrapper.HulcWrapper'}, 'skip_epochs': '${rollout_lh_skip_epochs}', 'benchmark_name': '${libero_benchmark}', 'rollout_freq': 10, 'num_videos': 0, 'num_sequences': 50, 'max_steps': 520, 'empty_cache': False, 'debug': False, 'n_eval': 50, 'num_procs': 10, 'use_mp': False, 'task_embedding_format': 'clip', 'device': '${device}'}, 'checkpoint': {'_target_': 'pytorch_lightning.callbacks.ModelCheckpoint', 'save_top_k': 1, 'verbose': True, 'monitor': 'eval_lh/avg_seq_len', 'mode': 'max', 'dirpath': 'saved_models', 'filename': '{epoch:02d}_{eval_lh/avg_seq_len:.2f}', 'every_n_epochs': '${callbacks.rollout_lh.rollout_freq}'}}, 'datamodule': {'transforms': {'train': {'rgb_static': [{'_target_': 'torchvision.transforms.Resize', 'size': 112, 'antialias': True}, {'_target_': 'flower.utils.transforms.RandomShiftsAug', 'pad': 10}, {'_target_': 'flower.utils.transforms.ScaleImageTensor'}, {'_target_': 'torchvision.transforms.Normalize', 'mean': [0.48145466, 0.4578275, 0.40821073], 'std': [0.26862954, 0.26130258, 0.27577711]}], 'rgb_gripper': [{'_target_': 'torchvision.transforms.Resize', 'size': 112, 'antialias': True}, {'_target_': 'flower.utils.transforms.RandomShiftsAug', 'pad': 4}, {'_target_': 'flower.utils.transforms.ScaleImageTensor'}, {'_target_': 'torchvision.transforms.Normalize', 'mean': [0.48145466, 0.4578275, 0.40821073], 'std': [0.26862954, 0.26130258, 0.27577711]}]}, 'val': {'rgb_static': [{'_target_': 'torchvision.transforms.Resize', 'size': 112, 'antialias': True}, {'_target_': 'flower.utils.transforms.ScaleImageTensor'}, {'_target_': 'torchvision.transforms.Normalize', 'mean': [0.48145466, 0.4578275, 0.40821073], 'std': [0.26862954, 0.26130258, 0.27577711]}], 'rgb_gripper': [{'_target_': 'torchvision.transforms.Resize', 'size': 112, 'antialias': True}, {'_target_': 'flower.utils.transforms.ScaleImageTensor'}, {'_target_': 'torchvision.transforms.Normalize', 'mean': [0.48145466, 0.4578275, 0.40821073], 'std': [0.26862954, 0.26130258, 0.27577711]}]}}, '_target_': 'flower.datasets.libero_data_module.LiberoDataModule', '_recursive_': False, 'root_data_dir': '${root_data_dir}', 'action_space': 7, 'shuffle_val': False, 'benchmark_name': '${libero_benchmark}', 'observation_space': {'rgb_obs': ['agentview_rgb', 'eye_in_hand_rgb'], 'depth_obs': [], 'state_obs': ['gripper_states', 'joint_states'], 'actions': ['rel_actions'], 'language': ['language']}, 'proprioception_dims': 'None', 'datasets': {'lang_dataset': {'_target_': 'flower.datasets.libero_dataset.LiberoMultitaskDataset', 'key': 'lang', 'benchmark_name': '${libero_benchmark}', 'batch_size': '${batch_size}', 'proprio_state': '${datamodule.proprioception_dims}', 'obs_space': '${datamodule.observation_space}', 'num_workers': '${num_workers}', 'action_seq_len': '${act_seq_len}', 'obs_seq_len': '${obs_seq_len}', 'split_ratio': 0.0}}}, 'model': {'_target_': 'flower.models.flower.FLOWERVLA', '_recursive_': False, 'vlm_path': 'microsoft/Florence-2-large', 'freeze_florence': False, 'freeze_vision_tower': False, 'vlm_prompt_style': 'default', 'token_dropout': 0.1, 'multistep': '${multistep}', 'num_sampling_steps': 4, 'lowdim_obs_dim': 7, 'action_dim': 7, 'act_window_size': 10, 'load_pretrained': True, 'pretrained_model_path': '/home/hk-project-sustainebot/ft4740/code/flower_vla_policy/logs/runs/2025-02-05/10-17-02/360000_model_weights.pt', 'use_second_view': True, 'second_view_key': 'image_wrist', 'action_type_adaln': True, 'use_causal_attention': True, 'use_cross_attn': True, 'use_adaln_cond': False, 'use_readout_token': False, 'use_proprio': False, 'return_act_chunk': False, 'sampling_type': 'uniform', 'dit_dim': 1024, 'n_heads': 16, 'n_layers': 18, 'attn_pdrop': 0.1, 'resid_pdrop': 0.1, 'mlp_pdrop': 0.1, 'use_rope': True, 'use_nope': False, 'query_seq_len': 100, 'rope_theta': 32.0, 'optimizer_type': 'adamw', 'optimizer': {'_target_': 'torch.optim.AdamW', 'transformer_weight_decay': 0.05, 'learning_rate': 2e-05, 'betas': [0.9, 0.99]}, 'lr_scheduler': {'lr_scheduler': {'init_lr': 2e-05, 'init_lr_scale': 0.1, 'final_lr_scale': 0.5, 'total_steps': 50000, 'phase_ratio': '(0.05, 0.1, 0.85)', 'lr': 2e-05}}}, 'root_data_dir': '/home/yagmurlu/code/MoDE_Calvin/dataset/task_ABC_D', 'lang_folder': 'lang_clip_resnet50', 'log_dir': './logs', 'slurm': False, 'seed': 242, 'device': 'cuda', 'batch_size': 8, 'devices': 4, 'goal_window_size': 1, 'act_dim': 7, 'proprio_dims': 9, 'obs_dim': 512, 'goal_dim': 512, 'obs_seq_len': 1, 'act_seq_len': 10, 'multistep': '${act_seq_len}', 'p_last_state': 0, 'max_epochs': 30, 'rollout_lh_skip_epochs': 9, 'num_workers': 1, 'benchmark_name': '${libero_benchmark}', 'libero_benchmark': 'libero_10', 'trainer': {'devices': '${devices}', 'precision': 32, 'max_epochs': '${max_epochs}', 'sync_batchnorm': False, 'accelerator': 'auto', 'limit_train_batches': 1000, 'limit_val_batches': 4}, 'logger': {'_target_': 'pytorch_lightning.loggers.WandbLogger', 'save_dir': '.', 'name': '2025-03-16/06-11-13', 'group': '2025-03-16', 'log_model': False, 'project': '${libero_benchmark}', 'entity': 'bennoq', 'id': '2025-03-16_06-11-13'}} [2025-03-16 06:11:48,168][__main__][INFO] - Git commit: cd15964f487ea13d3176eaf3b9a6b7202fbbfa5a [2025-03-16 06:11:49,206][__main__][INFO] - * CUDA: - GPU: - NVIDIA A100-SXM4-40GB - NVIDIA A100-SXM4-40GB - NVIDIA A100-SXM4-40GB - NVIDIA A100-SXM4-40GB - available: True - version: 12.1 * Packages: - numpy: 1.26.4 - pyTorch_debug: False - pyTorch_version: 2.2.2+cu121 - pytorch-lightning: 2.0.8 - tqdm: 4.67.1 [2025-03-16 06:11:49,346][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,346][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,346][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,346][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,366][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,366][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,366][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,366][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,370][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,371][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,371][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:49,371][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:52,342][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:52,343][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:52,343][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:11:52,343][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 06:12:25,466][root][INFO] - Creating EMA weights copy. [2025-03-16 06:12:25,466][root][INFO] - Creating EMA weights copy. [2025-03-16 06:12:25,466][root][INFO] - Creating EMA weights copy. [2025-03-16 06:12:25,466][root][INFO] - Creating EMA weights copy. [2025-03-16 07:09:59,734][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE2_put_both_the_alphabet_soup_and_the_tomato_sauce_in_the_basket [2025-03-16 07:12:48,170][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE2_put_both_the_cream_cheese_box_and_the_butter_in_the_basket [2025-03-16 07:15:04,122][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE3_turn_on_the_stove_and_put_the_moka_pot_on_it [2025-03-16 07:17:14,057][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE4_put_the_black_bowl_in_the_bottom_drawer_of_the_cabinet_and_close_it [2025-03-16 07:18:58,618][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE5_put_the_white_mug_on_the_left_plate_and_put_the_yellow_and_white_mug_on_the_right_plate [2025-03-16 07:21:38,596][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: STUDY_SCENE1_pick_up_the_book_and_place_it_in_the_back_compartment_of_the_caddy [2025-03-16 07:23:21,851][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE6_put_the_white_mug_on_the_plate_and_put_the_chocolate_pudding_to_the_right_of_the_plate [2025-03-16 07:25:51,005][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE1_put_both_the_alphabet_soup_and_the_cream_cheese_box_in_the_basket [2025-03-16 07:28:16,950][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE8_put_both_moka_pots_on_the_stove [2025-03-16 07:31:24,197][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE6_put_the_yellow_and_white_mug_in_the_microwave_and_close_it [2025-03-16 07:33:33,983][flower.rollout.libero_rollout][INFO] - eval_lh/avg_seq_len success rate 0.8741987347602844 [2025-03-16 07:33:33,984][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE2_put_both_the_alphabet_soup_and_the_tomato_sauce_in_the_basket with success 0.858974358974359 [2025-03-16 07:33:33,985][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE2_put_both_the_cream_cheese_box_and_the_butter_in_the_basket with success 0.9791666666666666 [2025-03-16 07:33:33,986][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE3_turn_on_the_stove_and_put_the_moka_pot_on_it with success 0.9006410256410255 [2025-03-16 07:33:33,987][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE4_put_the_black_bowl_in_the_bottom_drawer_of_the_cabinet_and_close_it with success 1.0 [2025-03-16 07:33:33,988][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE5_put_the_white_mug_on_the_left_plate_and_put_the_yellow_and_white_mug_on_the_right_plate with success 0.8605769230769231 [2025-03-16 07:33:33,988][flower.rollout.libero_rollout][INFO] - eval_lh/sr_STUDY_SCENE1_pick_up_the_book_and_place_it_in_the_back_compartment_of_the_caddy with success 0.9391025641025641 [2025-03-16 07:33:33,989][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE6_put_the_white_mug_on_the_plate_and_put_the_chocolate_pudding_to_the_right_of_the_plate with success 0.719551282051282 [2025-03-16 07:33:33,990][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE1_put_both_the_alphabet_soup_and_the_cream_cheese_box_in_the_basket with success 0.9423076923076923 [2025-03-16 07:33:33,991][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE8_put_both_moka_pots_on_the_stove with success 0.6602564102564102 [2025-03-16 07:33:33,992][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE6_put_the_yellow_and_white_mug_in_the_microwave_and_close_it with success 0.8814102564102564 [2025-03-16 08:32:24,401][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE2_put_both_the_alphabet_soup_and_the_tomato_sauce_in_the_basket [2025-03-16 08:34:55,568][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE2_put_both_the_cream_cheese_box_and_the_butter_in_the_basket [2025-03-16 08:37:19,578][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE3_turn_on_the_stove_and_put_the_moka_pot_on_it [2025-03-16 08:39:07,913][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE4_put_the_black_bowl_in_the_bottom_drawer_of_the_cabinet_and_close_it [2025-03-16 08:41:02,911][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE5_put_the_white_mug_on_the_left_plate_and_put_the_yellow_and_white_mug_on_the_right_plate [2025-03-16 08:43:49,093][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: STUDY_SCENE1_pick_up_the_book_and_place_it_in_the_back_compartment_of_the_caddy [2025-03-16 08:45:10,911][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE6_put_the_white_mug_on_the_plate_and_put_the_chocolate_pudding_to_the_right_of_the_plate [2025-03-16 08:47:22,354][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE1_put_both_the_alphabet_soup_and_the_cream_cheese_box_in_the_basket [2025-03-16 08:49:24,003][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE8_put_both_moka_pots_on_the_stove [2025-03-16 08:52:49,865][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE6_put_the_yellow_and_white_mug_in_the_microwave_and_close_it [2025-03-16 08:54:46,825][flower.rollout.libero_rollout][INFO] - eval_lh/avg_seq_len success rate 0.9001602530479431 [2025-03-16 08:54:46,826][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE2_put_both_the_alphabet_soup_and_the_tomato_sauce_in_the_basket with success 0.9599358974358975 [2025-03-16 08:54:46,826][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE2_put_both_the_cream_cheese_box_and_the_butter_in_the_basket with success 0.9599358974358975 [2025-03-16 08:54:46,827][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE3_turn_on_the_stove_and_put_the_moka_pot_on_it with success 1.0 [2025-03-16 08:54:46,827][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE4_put_the_black_bowl_in_the_bottom_drawer_of_the_cabinet_and_close_it with success 0.9807692307692308 [2025-03-16 08:54:46,827][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE5_put_the_white_mug_on_the_left_plate_and_put_the_yellow_and_white_mug_on_the_right_plate with success 0.842948717948718 [2025-03-16 08:54:46,828][flower.rollout.libero_rollout][INFO] - eval_lh/sr_STUDY_SCENE1_pick_up_the_book_and_place_it_in_the_back_compartment_of_the_caddy with success 0.9807692307692308 [2025-03-16 08:54:46,828][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE6_put_the_white_mug_on_the_plate_and_put_the_chocolate_pudding_to_the_right_of_the_plate with success 0.858974358974359 [2025-03-16 08:54:46,828][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE1_put_both_the_alphabet_soup_and_the_cream_cheese_box_in_the_basket with success 1.0 [2025-03-16 08:54:46,829][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE8_put_both_moka_pots_on_the_stove with success 0.4599358974358974 [2025-03-16 08:54:46,829][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE6_put_the_yellow_and_white_mug_in_the_microwave_and_close_it with success 0.9583333333333334 [2025-03-16 09:53:49,495][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE2_put_both_the_alphabet_soup_and_the_tomato_sauce_in_the_basket [2025-03-16 09:56:27,864][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE2_put_both_the_cream_cheese_box_and_the_butter_in_the_basket [2025-03-16 09:58:51,045][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE3_turn_on_the_stove_and_put_the_moka_pot_on_it [2025-03-16 10:00:39,612][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE4_put_the_black_bowl_in_the_bottom_drawer_of_the_cabinet_and_close_it [2025-03-16 10:02:29,313][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE5_put_the_white_mug_on_the_left_plate_and_put_the_yellow_and_white_mug_on_the_right_plate [2025-03-16 10:04:43,777][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: STUDY_SCENE1_pick_up_the_book_and_place_it_in_the_back_compartment_of_the_caddy [2025-03-16 10:06:06,541][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE6_put_the_white_mug_on_the_plate_and_put_the_chocolate_pudding_to_the_right_of_the_plate [2025-03-16 10:08:10,404][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: LIVING_ROOM_SCENE1_put_both_the_alphabet_soup_and_the_cream_cheese_box_in_the_basket [2025-03-16 10:10:12,853][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE8_put_both_moka_pots_on_the_stove [2025-03-16 10:13:13,090][flower.rollout.libero_rollout][INFO] - GPU 0 starting to evaluate: KITCHEN_SCENE6_put_the_yellow_and_white_mug_in_the_microwave_and_close_it [2025-03-16 10:15:34,581][flower.rollout.libero_rollout][INFO] - eval_lh/avg_seq_len success rate 0.9440705180168152 [2025-03-16 10:15:34,583][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE2_put_both_the_alphabet_soup_and_the_tomato_sauce_in_the_basket with success 0.9791666666666666 [2025-03-16 10:15:34,583][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE2_put_both_the_cream_cheese_box_and_the_butter_in_the_basket with success 1.0 [2025-03-16 10:15:34,584][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE3_turn_on_the_stove_and_put_the_moka_pot_on_it with success 0.9791666666666666 [2025-03-16 10:15:34,584][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE4_put_the_black_bowl_in_the_bottom_drawer_of_the_cabinet_and_close_it with success 1.0 [2025-03-16 10:15:34,585][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE5_put_the_white_mug_on_the_left_plate_and_put_the_yellow_and_white_mug_on_the_right_plate with success 0.9407051282051282 [2025-03-16 10:15:34,585][flower.rollout.libero_rollout][INFO] - eval_lh/sr_STUDY_SCENE1_pick_up_the_book_and_place_it_in_the_back_compartment_of_the_caddy with success 1.0 [2025-03-16 10:15:34,585][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE6_put_the_white_mug_on_the_plate_and_put_the_chocolate_pudding_to_the_right_of_the_plate with success 0.8990384615384616 [2025-03-16 10:15:34,586][flower.rollout.libero_rollout][INFO] - eval_lh/sr_LIVING_ROOM_SCENE1_put_both_the_alphabet_soup_and_the_cream_cheese_box_in_the_basket with success 1.0 [2025-03-16 10:15:34,586][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE8_put_both_moka_pots_on_the_stove with success 0.7403846153846154 [2025-03-16 10:15:34,587][flower.rollout.libero_rollout][INFO] - eval_lh/sr_KITCHEN_SCENE6_put_the_yellow_and_white_mug_in_the_microwave_and_close_it with success 0.9022435897435898 [2025-03-16 10:15:39,094][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:39,094][__main__][INFO] - GPU 1 Memory: Allocated: 3.73GB, Reserved: 3.81GB [2025-03-16 10:15:39,095][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:39,095][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:39,127][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:39,127][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:39,127][__main__][INFO] - GPU 2 Memory: Allocated: 3.73GB, Reserved: 3.81GB [2025-03-16 10:15:39,128][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:39,175][__main__][INFO] - GPU 0 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:39,176][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:39,176][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:39,176][__main__][INFO] - GPU 3 Memory: Allocated: 3.73GB, Reserved: 3.81GB [2025-03-16 10:15:56,111][__main__][INFO] - GPU 0 Memory: Allocated: 3.73GB, Reserved: 3.83GB [2025-03-16 10:15:56,113][__main__][INFO] - GPU 1 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:56,113][__main__][INFO] - GPU 2 Memory: Allocated: 0.00GB, Reserved: 0.00GB [2025-03-16 10:15:56,113][__main__][INFO] - GPU 3 Memory: Allocated: 0.00GB, Reserved: 0.00GB