yerfor / GeneFacePlusPlus

GeneFace++: Generalized and Stable Real-Time 3D Talking Face Generation; Official Code
MIT License
1.5k stars 219 forks source link

What is the problem with 'RADNeRFwithSR' object has no attribute 'ambient_net' in the training head model? #206

Open fjesikfjdskl opened 3 months ago

fjesikfjdskl commented 3 months ago

| set_hparams Unknow hparams: [] | Hparams chains: ['egs/egs_bases/radnerf/base.yaml', 'egs/egs_bases/radnerf/lm3d_radnerf.yaml', 'egs/datasets/black/lm3d_radnerf.yaml', 'egs/datasets/black/lm3d_radnerf_sr.yaml'] | Hparams: { "accumulate_grad_batches": 1, "add_eye_blink_cond": true, "ambient_coord_dim": 3, "ambient_loss_mode": "mae", "amp": true, "base_config": [ "./lm3d_radnerf.yaml" ], "binary_data_dir": "data/binary/videos", "bound": 1, "camera_offset": [ 0, 0, 0 ], "camera_scale": 4.0, "clip_grad_norm": 0.0, "clip_grad_value": 0, "cond_dropout_rate": 0.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": "motion2video_nerf/black_head", "eye_blink_dim": 2, "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, "hidden_dim_ambient": 128, "hidden_dim_color": 128, "hidden_dim_sigma": 128, "individual_embedding_dim": 4, "individual_embedding_num": 13000, "infer": false, "infer_audio_source_name": "", "infer_bg_img_fname": "", "infer_c2w_name": "", "infer_cond_name": "", "infer_lm3d_clamp_std": 1.5, "infer_lm3d_lle_percent": 0.25, "infer_lm3d_smooth_sigma": 0.0, "infer_out_video_name": "", "infer_scale_factor": 1.0, "infer_smo_std": 0.0, "infer_smooth_camera_path": true, "infer_smooth_camera_path_kernel_size": 7, "init_method": "tcp", "lambda_ambient": null, "lambda_dual_fm": 0.0, "lambda_lap_ambient_loss": 0.0, "lambda_lpips_loss": 0.001, "lambda_weights_entropy": 0.0001, "load_ckpt": "", "load_imgs_to_memory": false, "log2_hashmap_size": 16, "lpips_mode": "vgg19_v2", "lpips_start_iters": 200000, "lr": 0.0005, "lr_lambda_ambient": 0.01, "max_ray_batch": 4096, "max_steps": 16, "max_updates": 250000, "min_near": 0.05, "n_rays": 65536, "near": 0.3, "nerf_keypoint_mode": "lm68", "not_save_modules": [ "criterion_lpips", "dual_disc" ], "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, "polygon_face_mask": true, "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": 3, "smooth_lips": false, "sr_start_iters": 0, "start_rank": 0, "target_ambient_loss": 1e-08, "task_cls": "tasks.radnerfs.radnerf_sr.RADNeRFTask", "tb_log_interval": 100, "torso_head_aware": false, "torso_individual_embedding_dim": 8, "torso_shrink": 0.8, "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": "black", "warmup_updates": 0, "weight_decay": 0, "with_att": true, "with_sr": true, "work_dir": "checkpoints/motion2video_nerf/black_head", "world_size": -1, "zero_dummy": true } 06/07 09:39:27 AM GPU available: True, GPU used: [0], world_size: 1, multi-machine training: False /mnt/d/ai/test/GenefacePlusPlus/./tasks/radnerfs/dataset_utils.py:266: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requiresgrad(True), rather than torch.tensor(sourceTensor). self.lm68s = torch.tensor(self.lm2ds[:, index_lm68_from_lm478, :]) val: Smooth head trajectory (rotation and translation) with a window size of 7 | Copied codes to checkpoints/motion2video_nerf/black_head/codes/20240607093931. | cond_prenet Trainable Parameters: 0.050M | blink_embedding Trainable Parameters: 0.000M | blink_encoder Trainable Parameters: 0.001M | cond_att_net Trainable Parameters: 0.004M | position_embedder Trainable Parameters: 1.807M | amzbient_net Trainable Parameters: 0.029M | ambient_embedder Trainable Parameters: 1.807M | sigma_net Trainable Parameters: 0.041M | direction_embedder Trainable Parameters: 0.000M | color_net Trainable Parameters: 0.019M | dropout Trainable Parameters: 0.000M | sr_net Trainable Parameters: 0.271M Sanity Val: 0%| | 0/2 [00:00<?, ?step/s]/mnt/d/ai/test/GenefacePlusPlus/./tasks/radnerfs/dataset_utils.py:427: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requiresgrad(True), rather than torch.tensor(sourceTensor). sample['lm68'] = torch.tensor(self.lm68s[idx].reshape([682])) Sanity Val: 0%| | 0/2 [00:00<?, ?step/s] Traceback (most recent call last): File "/mnt/d/ai/test/GenefacePlusPlus/./utils/commons/trainer.py", line 236, in run_single_process self.train() File "/mnt/d/ai/test/GenefacePlusPlus/./utils/commons/trainer.py", line 314, in train self.evaluate(self.task, False, 'Sanity Val', max_batches=self.num_sanity_val_steps) File "/mnt/d/ai/test/GenefacePlusPlus/./utils/commons/trainer.py", line 293, in evaluate output = task_ref.validation_step(args) File "/home/saola/anaconda3/envs/gene/lib/python3.9/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context return func(*args, kwargs) File "/mnt/d/ai/test/GenefacePlusPlus/./tasks/radnerfs/radnerf_sr.py", line 344, in validation_step outputs['losses'], model_out = self.run_model(sample, infer=False) File "/mnt/d/ai/test/GenefacePlusPlus/./tasks/radnerfs/radnerf_sr.py", line 202, in run_model model_out = self.model.render(rays_o, rays_d, cond_inp, bg_coords, poses, index=idx, staged=False, bg_color=bg_color, perturb=True, force_all_rays=False, cond_mask=cond_mask, eye_area_percent=eye_area_percent, hparams) File "/mnt/d/ai/test/GenefacePlusPlus/./modules/radnerfs/radnerf_sr.py", line 204, in render results = super().render(rays_o, rays_d, cond, bg_coords, poses, index, dt_gamma, bg_color, perturb, force_all_rays, max_steps, T_thresh, cond_mask, eye_area_percent=eye_area_percent, **kwargs) File "/mnt/d/ai/test/GenefacePlusPlus/./modules/radnerfs/renderer.py", line 372, in render sigmas, rgbs, ambient = self.forward(xyzs, dirs, cond_feat, ind_code, cond_mask=cond_mask[rays_alive]) File "/mnt/d/ai/test/GenefacePlusPlus/./modules/radnerfs/radnerf_sr.py", line 156, in forward ambient_logit = self.ambient_net(ambient_inp).float() # the MLP after AFE in paper, use float(), prevent performance drop due to amp File "/home/saola/anaconda3/envs/gene/lib/python3.9/site-packages/torch/nn/modules/module.py", line 1614, in getattr raise AttributeError("'{}' object has no attribute '{}'".format( AttributeError: 'RADNeRFwithSR' object has no attribute 'ambient_net' Terminated