Skip to content
New issue

Have a question about this project? # for a free GitHub account to open an issue and contact its maintainers and the community.

By clicking “#”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.

Already on GitHub? # to your account

FileNotFoundError: data/processed/videos/May/ori_imgs/0.lms not found #244

Open
jackyin68 opened this issue Dec 4, 2023 · 3 comments
Open

Comments

@jackyin68
Copy link

While run "bash scripts/infer_lm3d_radnerf.sh",
FileNotFoundError: data/processed/videos/May/ori_imgs/0.lms not found
How to solve this problem? Thanks

In more detail:

(geneface) llm@llm-PowerEdge-R730xd:~/projects/GeneFace$ bash scripts/infer_lm3d_radnerf.sh
/home/llm/anaconda3/envs/geneface/lib/python3.9/site-packages/torch/autocast_mode.py:162: UserWarning: User provided device_type of 'cuda', but CUDA is not available. Disabling
warnings.warn('User provided device_type of 'cuda', but CUDA is not available. Disabling')
| Unknow hparams: []
| Hparams chains: ['egs/egs_bases/radnerf/base.yaml', 'egs/egs_bases/radnerf/lm3d_radnerf.yaml', 'checkpoints/May/lm3d_radnerf_torso/config.yaml']
| Hparams:
accumulate_grad_batches: 1, ambient_out_dim: 2, amp: True, base_config: ['egs/egs_bases/radnerf/lm3d_radnerf.yaml'], binary_data_dir: data/binary/videos,
bound: 1, camera_offset: [0, 0, 0], camera_scale: 4.0, clip_grad_norm: 0, clip_grad_value: 0,
cond_out_dim: 64, cond_type: idexp_lm3d_normalized, cond_win_size: 1, cuda_ray: True, debug: False,
density_thresh: 10, density_thresh_torso: 0.01, desired_resolution: 2048, dt_gamma: 0.00390625, eval_max_batches: 100,
exp_name: , far: 0.9, finetune_lips: True, finetune_lips_start_iter: 200000, geo_feat_dim: 128,
grid_interpolation_type: linear, grid_size: 128, grid_type: tiledgrid, gui_fovy: 21.24, gui_h: 512,
gui_max_spp: 1, gui_radius: 3.35, gui_w: 512, head_model_dir: checkpoints/May/lm3d_radnerf, hidden_dim_ambient: 128,
hidden_dim_color: 128, hidden_dim_sigma: 128, individual_embedding_dim: 4, individual_embedding_num: 13000, infer: True,
infer_audio_source_name: data/raw/val_wavs/zozo.wav, infer_bg_img_fname: , infer_c2w_name: , infer_cond_name: infer_out/May/pred_lm3d/zozo.npy, infer_lm3d_clamp_std: 2.5,
infer_lm3d_lle_percent: 0.0, infer_lm3d_smooth_sigma: 0.0, infer_out_video_name: infer_out/May/pred_video/zozo_radnerf_torso_smo.mp4, infer_scale_factor: 1.0, infer_smo_std: 0.0,
infer_smooth_camera_path: True, infer_smooth_camera_path_kernel_size: 7, lambda_ambient: 0.1, lambda_lpips_loss: 0.01, lambda_weights_entropy: 0.0001,
load_ckpt: , load_imgs_to_memory: False, log2_hashmap_size: 16, lr: 0.0005, max_ray_batch: 4096,
max_steps: 16, max_updates: 250000, min_near: 0.05, n_rays: 65536, near: 0.3,
num_ckpt_keep: 1, num_layers_ambient: 3, num_layers_color: 2, num_layers_sigma: 3, num_sanity_val_steps: 2,
num_steps: 16, num_valid_plots: 5, optimizer_adam_beta1: 0.9, optimizer_adam_beta2: 0.999, print_nan_grads: False,
processed_data_dir: data/processed/videos, raw_data_dir: data/raw/videos, resume_from_checkpoint: 0, save_best: True, save_codes: ['tasks', 'modules', 'egs'],
save_gt: True, scheduler: exponential, seed: 9999, smo_win_size: 5, smooth_lips: False,
task_cls: tasks.radnerfs.radnerf_torso.RADNeRFTorsoTask, tb_log_interval: 100, torso_head_aware: False, torso_individual_embedding_dim: 8, torso_shrink: 0.8,
torso_train_mode: 1, update_extra_interval: 16, upsample_steps: 0, use_window_cond: True, val_check_interval: 2000,
valid_infer_interval: 10000, valid_monitor_key: val_loss, valid_monitor_mode: min, validate: False, video_id: May,
warmup_updates: 0, weight_decay: 0, with_att: True, work_dir: checkpoints/May/lm3d_radnerf_torso,
12/04 04:49:46 PM GPU available: False, GPU used: [1]
trainval: Smooth head trajectory (rotation and translation) with a window size of 7
Traceback (most recent call last):
File "/home/llm/projects/GeneFace/inference/nerfs/lm3d_radnerf_infer.py", line 99, in
LM3d_RADNeRFInfer.example_run(inp)
File "/home/llm/projects/GeneFace/inference/nerfs/base_nerf_infer.py", line 299, in example_run
infer_ins = cls(hp)
File "/home/llm/projects/GeneFace/inference/nerfs/lm3d_radnerf_infer.py", line 15, in init
self.dataset = self.dataset_cls('trainval', training=False)
File "/home/llm/projects/GeneFace/tasks/radnerfs/dataset_utils.py", line 104, in init
lms = np.loadtxt(os.path.join(hparams['processed_data_dir'],hparams['video_id'], 'ori_imgs', str(img_id) + '.lms')) # [68, 2]
File "/home/llm/anaconda3/envs/geneface/lib/python3.9/site-packages/numpy/lib/npyio.py", line 1373, in loadtxt
arr = _read(fname, dtype=dtype, comment=comment, delimiter=delimiter,
File "/home/llm/anaconda3/envs/geneface/lib/python3.9/site-packages/numpy/lib/npyio.py", line 992, in _read
fh = np.lib._datasource.open(fname, 'rt', encoding=encoding)
File "/home/llm/anaconda3/envs/geneface/lib/python3.9/site-packages/numpy/lib/_datasource.py", line 193, in open
return ds.open(path, mode, encoding=encoding, newline=newline)
File "/home/llm/anaconda3/envs/geneface/lib/python3.9/site-packages/numpy/lib/_datasource.py", line 533, in open
raise FileNotFoundError(f"{path} not found.")
FileNotFoundError: data/processed/videos/May/ori_imgs/0.lms not found.

@jackyin68
Copy link
Author

Need to run process_data.sh for the May video.

@Zenor-Kun
Copy link

Where is this process_data.sh

@marsjin
Copy link

marsjin commented Apr 10, 2024

data_gen/nerf/process_data.sh
image

# for free to join this conversation on GitHub. Already have an account? # to comment
Labels
None yet
Projects
None yet
Development

No branches or pull requests

3 participants