/home/lixing/AirVLN_ws/AirVLN
Not using distributed mode
2025-09-25 14:55:48,250 - INFO - train_vlnce:856 - Namespace(DDP_MASTER_PORT=20000, DistributedDataParallel=False, EVAL_CKPT_PATH_DIR=None, EVAL_DATASET='val_unseen', EVAL_GENERATE_VIDEO=False, EVAL_NUM=-1, Image_Height_DEPTH=256, Image_Height_RGB=224, Image_Width_DEPTH=256, Image_Width_RGB=224, PROGRESS_MONITOR_alpha=1.0, PROGRESS_MONITOR_use=False, SEQ2SEQ_use_prev_action=False, TF_mode_load_scene=[], TRAINVAL_VOCAB=PosixPath('/home/lixing/AirVLN_ws/DATA/data/aerialvln/train_vocab.txt'), TRAIN_VOCAB=PosixPath('/home/lixing/AirVLN_ws/DATA/data/aerialvln/train_vocab.txt'), ablate_depth=False, ablate_instruction=False, ablate_rgb=False, action_feature=32, batchSize=8, collect_type='TF', continue_start_from_checkpoint_path=None, continue_start_from_dagger_it=None, dagger_it=1, dagger_mode='end', dagger_mode_load_scene=[], dagger_p=1.0, dagger_update_size=8000, epochs=500, featdropout=0.4, inflection_weight_coef=1.9, logger_file_name='/home/lixing/AirVLN_ws/DATA/output/AirVLN-seq2seq/train/logs/AirVLN-seq2seq_20250925-145547-042170.log', lr=0.00025, machines_info=[{'MACHINE_IP': '127.0.0.1', 'SOCKET_PORT': 30000, 'MAX_SCENE_NUM': 16, 'open_scenes': []}], make_dir_time='20250925-145547-042170', maxAction=500, maxInput=300, name='AirVLN-seq2seq', nav_graph_path='/home/lixing/AirVLN_ws/DATA/data/disceret/processed/nav_graph_10', policy_type='seq2seq', project_prefix='/home/lixing/AirVLN_ws', rgb_encoder_use_place365=False, run_type='train', simulator_tool_port=30000, token_dict_path='/home/lixing/AirVLN_ws/DATA/data/disceret/processed/token_dict_10', tokenizer_use_bert=False, trainer_gpu_device=0, vertices_path='/home/lixing/AirVLN_ws/DATA/data/disceret/scene_meshes', vlnbert='prevalent', vocab_size=10038)
/home/lixing/AirVLN_ws/AirVLN/Model/encoders/resnet_encoders.py:228: FutureWarning: You are using `torch.load` with `weights_only=False` (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for `weights_only` will be flipped to `True`. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via `torch.serialization.add_safe_globals`. We recommend you start setting `weights_only=True` for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.
ddppo_weights = torch.load(checkpoint, map_location=torch.device('cpu'))
/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/torchvision/models/_utils.py:208: UserWarning: The parameter 'pretrained' is deprecated since 0.13 and may be removed in the future, please use 'weights' instead.
warnings.warn(
/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/torchvision/models/_utils.py:223: UserWarning: Arguments other than a weight enum or `None` for 'weights' are deprecated since 0.13 and may be removed in the future. The current behavior is equivalent to passing `weights=ResNet50_Weights.IMAGENET1K_V1`. You can also use `weights=ResNet50_Weights.DEFAULT` to get the most up-to-date weights.
warnings.warn(msg)
2025-09-25 14:55:48,889 - INFO - __init__:105 - Agent parameters: 35587869. Trainable: 2961429
2025-09-25 14:55:48,889 - INFO - __init__:106 - Finished setting up policy.
2025-09-25 14:55:48,889 - INFO - initialize_trainer:471 - initialize_trainer over
Traceback (most recent call last):
File "./src/vlnce_src/train.py", line 1349, in <module>
train_vlnce()
File "./src/vlnce_src/train.py", line 876, in train_vlnce
assert os.path.exists(str(lmdb_features_dir))
AssertionError
nohup: appending output to 'nohup.out'
Not using distributed mode
2025-09-25 14:55:50,903 - INFO - <module>:1424 - Namespace(DDP_MASTER_PORT=20000, DistributedDataParallel=False, EVAL_CKPT_PATH_DIR=None, EVAL_DATASET='val_unseen', EVAL_GENERATE_VIDEO=False, EVAL_NUM=-1, Image_Height_DEPTH=256, Image_Height_RGB=224, Image_Width_DEPTH=256, Image_Width_RGB=224, PROGRESS_MONITOR_alpha=1.0, PROGRESS_MONITOR_use=False, SEQ2SEQ_use_prev_action=False, TF_mode_load_scene=[], TRAINVAL_VOCAB=PosixPath('/home/lixing/AirVLN_ws/DATA/data/aerialvln/train_vocab.txt'), TRAIN_VOCAB=PosixPath('/home/lixing/AirVLN_ws/DATA/data/aerialvln/train_vocab.txt'), ablate_depth=False, ablate_instruction=False, ablate_rgb=False, action_feature=32, batchSize=8, collect_type='dagger', continue_start_from_checkpoint_path=None, continue_start_from_dagger_it=None, dagger_it=10, dagger_mode='end', dagger_mode_load_scene=[], dagger_p=1.0, dagger_update_size=5000, epochs=5, featdropout=0.4, inflection_weight_coef=1.9, logger_file_name='/home/lixing/AirVLN_ws/DATA/output/AirVLN-seq2seq-dagger/train/logs/AirVLN-seq2seq-dagger_20250925-145550-094505.log', lr=0.00025, machines_info=[{'MACHINE_IP': '127.0.0.1', 'SOCKET_PORT': 30000, 'MAX_SCENE_NUM': 16, 'open_scenes': []}], make_dir_time='20250925-145550-094505', maxAction=500, maxInput=300, name='AirVLN-seq2seq-dagger', nav_graph_path='/home/lixing/AirVLN_ws/DATA/data/disceret/processed/nav_graph_10', policy_type='seq2seq', project_prefix='/home/lixing/AirVLN_ws', rgb_encoder_use_place365=False, run_type='train', simulator_tool_port=30000, token_dict_path='/home/lixing/AirVLN_ws/DATA/data/disceret/processed/token_dict_10', tokenizer_use_bert=False, trainer_gpu_device=0, vertices_path='/home/lixing/AirVLN_ws/DATA/data/disceret/scene_meshes', vlnbert='prevalent', vocab_size=10038)
2025-09-25 14:55:50,906 - INFO - __init__:171 - OLD_VOCAB_SIZE: 10038
2025-09-25 14:55:50,906 - INFO - __init__:176 - VOACB: 10038
2025-09-25 14:55:55,142 - INFO - __init__:74 - Loaded with 16386 instructions, using split: train
100%|██████████████████████████████████████████████████████████████████████████| 16386/16386 [00:00<00:00, 18489.95it/s]
2025-09-25 14:55:56,047 - WARNING - __init__:136 - dataset grouped by scene
2025-09-25 14:55:56,049 - INFO - __init__:243 - init lmdb of train, features, lmdb_start_id: 0
0it [00:00, ?it/s]
/home/lixing/AirVLN_ws/AirVLN/Model/encoders/resnet_encoders.py:228: FutureWarning: You are using `torch.load` with `weights_only=False` (the current default value), which uses the default pickle module implicitly. It is possible to construct malicious pickle data which will execute arbitrary code during unpickling (See https://github.com/pytorch/pytorch/blob/main/SECURITY.md#untrusted-models for more details). In a future release, the default value for `weights_only` will be flipped to `True`. This limits the functions that could be executed during unpickling. Arbitrary objects will no longer be allowed to be loaded via this mode unless they are explicitly allowlisted by the user via `torch.serialization.add_safe_globals`. We recommend you start setting `weights_only=True` for any use case where you don't have full control of the loaded file. Please open an issue on GitHub for any issues related to this experimental feature.
ddppo_weights = torch.load(checkpoint, map_location=torch.device('cpu'))
/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/torchvision/models/_utils.py:208: UserWarning: The parameter 'pretrained' is deprecated since 0.13 and may be removed in the future, please use 'weights' instead.
warnings.warn(
/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/torchvision/models/_utils.py:223: UserWarning: Arguments other than a weight enum or `None` for 'weights' are deprecated since 0.13 and may be removed in the future. The current behavior is equivalent to passing `weights=ResNet50_Weights.IMAGENET1K_V1`. You can also use `weights=ResNet50_Weights.DEFAULT` to get the most up-to-date weights.
warnings.warn(msg)
2025-09-25 14:55:57,158 - INFO - __init__:105 - Agent parameters: 35587869. Trainable: 2961429
2025-09-25 14:55:57,158 - INFO - __init__:106 - Finished setting up policy.
2025-09-25 14:55:57,158 - INFO - initialize_trainer:512 - initialize_trainer over
2025-09-25 14:55:58 LoadNXGraphs of Scene 1
Process ForkServerProcess-3:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 206, in _construct_graph_from_pickle_file
fp = open(fname, "rb")
FileNotFoundError: [Errno 2] No such file or directory: '/home/lixing/AirVLN_ws/DATA/data/disceret/processed/nav_graph_10/nav_graph_dict_1.pkl'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 221, in _construct_graph_from_pickle_file
result = pickle.loads(fname)
TypeError: a bytes-like object is required, not 'str'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 315, in _bootstrap
self.run()
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 108, in run
self._target(*self._args, **self._kwargs)
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 151, in _worker_env
env = ENV(
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_utils.py", line 80, in __init__
self.shortest_path_sensor = ShortestPathSensor(args.nav_graph_path, args.token_dict_path, load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 56, in __init__
self.graphs, self.token_dicts = self._LoadNXGraphs(scene_ids=load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 162, in _LoadNXGraphs
G = ig.Graph.Read_Pickle(str(Path(self.nav_graph_path) / 'nav_graph_dict_{}.pkl'.format(scene_id)))
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 223, in _construct_graph_from_pickle_file
raise IOError(
OSError: Cannot load file. If fname is a file name, that filename may be incorrect.
2025-09-25 14:55:58 LoadNXGraphs of Scene 1
Process ForkServerProcess-6:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 206, in _construct_graph_from_pickle_file
fp = open(fname, "rb")
FileNotFoundError: [Errno 2] No such file or directory: '/home/lixing/AirVLN_ws/DATA/data/disceret/processed/nav_graph_10/nav_graph_dict_1.pkl'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 221, in _construct_graph_from_pickle_file
result = pickle.loads(fname)
TypeError: a bytes-like object is required, not 'str'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 315, in _bootstrap
self.run()
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 108, in run
self._target(*self._args, **self._kwargs)
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 151, in _worker_env
env = ENV(
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_utils.py", line 80, in __init__
self.shortest_path_sensor = ShortestPathSensor(args.nav_graph_path, args.token_dict_path, load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 56, in __init__
self.graphs, self.token_dicts = self._LoadNXGraphs(scene_ids=load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 162, in _LoadNXGraphs
G = ig.Graph.Read_Pickle(str(Path(self.nav_graph_path) / 'nav_graph_dict_{}.pkl'.format(scene_id)))
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 223, in _construct_graph_from_pickle_file
raise IOError(
OSError: Cannot load file. If fname is a file name, that filename may be incorrect.
2025-09-25 14:55:58 LoadNXGraphs of Scene 1
Process ForkServerProcess-2:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 206, in _construct_graph_from_pickle_file
fp = open(fname, "rb")
FileNotFoundError: [Errno 2] No such file or directory: '/home/lixing/AirVLN_ws/DATA/data/disceret/processed/nav_graph_10/nav_graph_dict_1.pkl'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 221, in _construct_graph_from_pickle_file
result = pickle.loads(fname)
TypeError: a bytes-like object is required, not 'str'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 315, in _bootstrap
self.run()
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 108, in run
self._target(*self._args, **self._kwargs)
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 151, in _worker_env
env = ENV(
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_utils.py", line 80, in __init__
self.shortest_path_sensor = ShortestPathSensor(args.nav_graph_path, args.token_dict_path, load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 56, in __init__
self.graphs, self.token_dicts = self._LoadNXGraphs(scene_ids=load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 162, in _LoadNXGraphs
G = ig.Graph.Read_Pickle(str(Path(self.nav_graph_path) / 'nav_graph_dict_{}.pkl'.format(scene_id)))
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 223, in _construct_graph_from_pickle_file
raise IOError(
OSError: Cannot load file. If fname is a file name, that filename may be incorrect.
2025-09-25 14:55:58 LoadNXGraphs of Scene 1
Process ForkServerProcess-4:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 206, in _construct_graph_from_pickle_file
fp = open(fname, "rb")
FileNotFoundError: [Errno 2] No such file or directory: '/home/lixing/AirVLN_ws/DATA/data/disceret/processed/nav_graph_10/nav_graph_dict_1.pkl'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 221, in _construct_graph_from_pickle_file
result = pickle.loads(fname)
TypeError: a bytes-like object is required, not 'str'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 315, in _bootstrap
self.run()
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 108, in run
self._target(*self._args, **self._kwargs)
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 151, in _worker_env
env = ENV(
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_utils.py", line 80, in __init__
self.shortest_path_sensor = ShortestPathSensor(args.nav_graph_path, args.token_dict_path, load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 56, in __init__
self.graphs, self.token_dicts = self._LoadNXGraphs(scene_ids=load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 162, in _LoadNXGraphs
G = ig.Graph.Read_Pickle(str(Path(self.nav_graph_path) / 'nav_graph_dict_{}.pkl'.format(scene_id)))
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 223, in _construct_graph_from_pickle_file
raise IOError(
OSError: Cannot load file. If fname is a file name, that filename may be incorrect.
2025-09-25 14:55:58 LoadNXGraphs of Scene 1
Process ForkServerProcess-1:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 206, in _construct_graph_from_pickle_file
fp = open(fname, "rb")
FileNotFoundError: [Errno 2] No such file or directory: '/home/lixing/AirVLN_ws/DATA/data/disceret/processed/nav_graph_10/nav_graph_dict_1.pkl'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 221, in _construct_graph_from_pickle_file
result = pickle.loads(fname)
TypeError: a bytes-like object is required, not 'str'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 315, in _bootstrap
self.run()
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 108, in run
self._target(*self._args, **self._kwargs)
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 151, in _worker_env
env = ENV(
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_utils.py", line 80, in __init__
self.shortest_path_sensor = ShortestPathSensor(args.nav_graph_path, args.token_dict_path, load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 56, in __init__
self.graphs, self.token_dicts = self._LoadNXGraphs(scene_ids=load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 162, in _LoadNXGraphs
G = ig.Graph.Read_Pickle(str(Path(self.nav_graph_path) / 'nav_graph_dict_{}.pkl'.format(scene_id)))
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 223, in _construct_graph_from_pickle_file
raise IOError(
OSError: Cannot load file. If fname is a file name, that filename may be incorrect.
2025-09-25 14:55:58 LoadNXGraphs of Scene 1
Process ForkServerProcess-8:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 206, in _construct_graph_from_pickle_file
fp = open(fname, "rb")
FileNotFoundError: [Errno 2] No such file or directory: '/home/lixing/AirVLN_ws/DATA/data/disceret/processed/nav_graph_10/nav_graph_dict_1.pkl'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 221, in _construct_graph_from_pickle_file
result = pickle.loads(fname)
TypeError: a bytes-like object is required, not 'str'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 315, in _bootstrap
self.run()
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/process.py", line 108, in run
self._target(*self._args, **self._kwargs)
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 151, in _worker_env
env = ENV(
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_utils.py", line 80, in __init__
self.shortest_path_sensor = ShortestPathSensor(args.nav_graph_path, args.token_dict_path, load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 56, in __init__
self.graphs, self.token_dicts = self._LoadNXGraphs(scene_ids=load_scenes)
File "/home/lixing/AirVLN_ws/AirVLN/utils/shorest_path_sensor.py", line 162, in _LoadNXGraphs
G = ig.Graph.Read_Pickle(str(Path(self.nav_graph_path) / 'nav_graph_dict_{}.pkl'.format(scene_id)))
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/site-packages/igraph/io/files.py", line 223, in _construct_graph_from_pickle_file
raise IOError(
OSError: Cannot load file. If fname is a file name, that filename may be incorrect.
Traceback (most recent call last):
File "./src/vlnce_src/dagger_train.py", line 1449, in <module>
collect_data(trainer, train_env, dagger_it)
File "./src/vlnce_src/dagger_train.py", line 579, in collect_data
train_env.next_minibatch(data_it=data_it)
File "/home/lixing/AirVLN_ws/AirVLN/src/vlnce_src/env.py", line 341, in next_minibatch
self.VectorEnvUtil.set_batch(self.batch)
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 267, in set_batch
results = [
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 268, in <listcomp>
self._connection_read_fns[index]() for index in range(self._num_envs)
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 58, in __call__
res = self.read_fn()
File "/home/lixing/AirVLN_ws/AirVLN/utils/pickle5_multiprocessing.py", line 52, in recv
buf = self.recv_bytes()
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/connection.py", line 216, in recv_bytes
buf = self._recv_bytes(maxlength)
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/connection.py", line 414, in _recv_bytes
buf = self._recv(4)
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/connection.py", line 379, in _recv
chunk = read(handle, remaining)
ConnectionResetError: [Errno 104] Connection reset by peer
Exception ignored in: <function VectorEnvUtil.__del__ at 0x77328a0c4280>
Traceback (most recent call last):
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 250, in __del__
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 239, in close
File "/home/lixing/AirVLN_ws/AirVLN/utils/env_vector.py", line 58, in __call__
File "/home/lixing/AirVLN_ws/AirVLN/utils/pickle5_multiprocessing.py", line 52, in recv
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/connection.py", line 216, in recv_bytes
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/connection.py", line 414, in _recv_bytes
File "/home/lixing/anaconda3/envs/AirVLN/lib/python3.8/multiprocessing/connection.py", line 383, in _recv
EOFError: