iPERDance / iPERCore

Liquid Warping GAN with Attention: A Unified Framework for Human Image Synthesis
https://iperdance.github.io/work/impersonator-plus-plus.html
Apache License 2.0
2.42k stars 316 forks source link

the current number of sources are 1, while the pre-defined number of sources are 2. #116

Open PanIzraela opened 3 years ago

PanIzraela commented 3 years ago

PS D:> cd motion_inmate PS D:\motion_inmate> .\motion_imitate.exe --gpu_ids 0 --image_size 256 --num_source 2 --output_dir "./results" --assets_dir "./assets" --model_id "donald_trump_2" --src_path "path?=./assets/samples/sources/donald_trump_2/00000.PNG,name?=donald_trump_2" --ref_path "path?=./assets/samples/references/akun_2.mp4,name?=akun_2,pose_fc?=300" ./assets/executables/ffmpeg-4.3.1-win64-static/bin/ffprobe.exe -v error -select_streams v -of default=noprint_wrappers=1:nokey=1 -show_entries stream=r_frame_rate ./assets/samples/references/akun_2.mp4 ------------ Options ------------- {'MAX_NUM_SOURCE': 8, 'MultiMedia': {'ffmpeg': {'Linux': {'ffmpeg_exe_path': 'ffmpeg', 'ffprobe_exe_path': 'ffprobe'}, 'Windows': {'ffmpeg_exe_path': './assets/executables/ffmpeg-4.3.1-win64-static/bin/ffmpeg.exe', 'ffprobe_exe_path': './assets/executables/ffmpeg-4.3.1-win64-static/bin/ffprobe.exe'}, 'pix_fmt': 'yuv420p', 'vcodec': 'h264'}, 'image': {'caption': 'this is a fake video, synthesized by ' 'impersonator++', 'saved_nameformat': 'pred{:0>8}.png'}}, 'NUMBER_FACES': 13776, 'NUMBER_VERTS': 6890, 'Preprocess': {'BackgroundInpaintor': {'bg_replace': True, 'cfg_path': './assets/configs/inpaintors/mmedit_inpainting.toml', 'dilate_iter_num': 3, 'dilate_kernel_size': 9, 'name': 'mmedit_inpainting', 'use_sr': True}, 'Cropper': {'ref_crop_factor': 3.0, 'src_crop_factor': 1.3}, 'Deformer': {'cloth_parse_ckpt_path': './assets/checkpoints/mattors/exp-schp-lip.pth'}, 'FrontInfo': {'NUM_CANDIDATE': 25, 'RENDER_SIZE': 256}, 'HumanMattors': {'cfg_path': './assets/configs/mattors/point_render+gca.toml', 'dilate_iter_num': 7, 'erode_iter_num': 2, 'morph_kernel_size': 3, 'name': 'point_render+gca'}, 'MAX_PER_GPU_PROCESS': 1, 'Pose2dEstimator': {'cfg_path': './assets/configs/pose2d/openpose/body25.toml', 'joint_type': 'OpenPose-Body-25', 'name': 'openpose'}, 'Pose3dEstimator': {'batch_size': 32, 'cfg_path': './assets/configs/pose3d/spin.toml', 'name': 'spin', 'num_workers': 4}, 'Pose3dRefiner': {'cfg_path': './assets/configs/pose3d/smplify.toml', 'name': 'smplify', 'use_lfbgs': True}, 'Tracker': {'tracker_name': 'max_box'}, 'estimate_boxes_first': True, 'filter_invalid': True, 'has_detector': True, 'temporal': True, 'use_smplify': True}, 'Train': {'D_adam_b1': 0.9, 'D_adam_b2': 0.999, 'G_adam_b1': 0.9, 'G_adam_b2': 0.999, 'aug_bg': False, 'display_freq_s': 30, 'face_factor': 1.0, 'face_loss_path': './assets/checkpoints/losses/sphere20a_20171020.pth', 'final_lr': 2e-06, 'lambda_D_prob': 1.0, 'lambda_face': 5.0, 'lambda_mask': 5.0, 'lambda_mask_smooth': 1.0, 'lambda_rec': 10.0, 'lambda_tsf': 10.0, 'lr_D': 0.0001, 'lr_G': 0.0001, 'niters_or_epochs_decay': 0, 'niters_or_epochs_no_decay': 100, 'num_iters_validate': 1, 'opti': 'Adam', 'print_freq_s': 30, 'save_latest_freq_s': 300, 'tb_visual': False, 'train_G_every_n_iterations': 1, 'use_face': True, 'use_vgg': 'VGG19', 'vgg_loss_path': './assets/checkpoints/losses/vgg19-dcbb9e9d.pth'}, 'assets_dir': './assets', 'batch_size': 1, 'bg_ks': 11, 'cam_strategy': 'smooth', 'cfg_path': './assets\configs\deploy.toml', 'digital_type': 'cloth_smpl_link', 'dis_name': 'patch_global', 'face_path': './assets/checkpoints/pose3d/smpl_faces.npy', 'facial_path': './assets/checkpoints/pose3d/front_facial.json', 'fim_enc_path': './assets/checkpoints/pose3d/mapper_fim_enc.txt', 'front_path': './assets/checkpoints/pose3d/front_body.json', 'ft_ks': 1, 'gen_name': 'AttLWB-SPADE', 'gpu_ids': '0', 'head_path': './assets/checkpoints/pose3d/head.json', 'image_size': 256, 'intervals': 1, 'ip': '', 'load_epoch': -1, 'load_path_D': 'None', 'load_path_G': './assets/checkpoints/neural_renders/AttLWB-SPADE_id_G_2020-05-18.pth', 'local_rank': 0, 'map_name': 'uv_seg', 'meta_data': {'checkpoints_dir': './results\models\donald_trump_2', 'meta_ref': [<iPERCore.services.options.meta_info.MetaProcess object at 0x000002BE6BC5F370>], 'meta_src': [<iPERCore.services.options.meta_info.MetaProcess object at 0x000002BE6BC5F430>], 'opt_path': './results\models\donald_trump_2\opts.txt', 'personalized_ckpt_path': './results\models\donald_trump_2\personalized.pth', 'root_primitives_dir': './results\primitives'}, 'model_id': 'donald_trump_2', 'neural_render_cfg': {'Discriminator': {'bg_cond_nc': 4, 'cond_nc': 6, 'max_nf_mult': 8, 'n_layers': 4, 'name': 'patch_global', 'ndf': 64, 'norm_type': 'instance', 'use_sigmoid': False}, 'Generator': {'BGNet': {'cond_nc': 4, 'n_res_block': 6, 'norm_type': 'instance', 'num_filters': [64, 128, 128, 256]}, 'SIDNet': {'cond_nc': 6, 'n_res_block': 6, 'norm_type': 'None', 'num_filters': [64, 128, 256]}, 'TSFNet': {'cond_nc': 6, 'n_res_block': 6, 'norm_type': 'instance', 'num_filters': [64, 128, 256]}, 'name': 'AttLWB-SPADE'}}, 'neural_render_cfg_path': './assets/configs/neural_renders/AttLWB-SPADE.toml', 'num_source': 2, 'num_workers': 4, 'only_vis': False, 'output_dir': './results', 'part_path': './assets/checkpoints/pose3d/smpl_part_info.json', 'port': 0, 'ref_path': 'path?=./assets/samples/references/akun_2.mp4,name?=akun_2,pose_fc?=300', 'serial_batches': False, 'share_bg': True, 'smpl_model': './assets/checkpoints/pose3d/smpl_model.pkl', 'smpl_model_hand': './assets/checkpoints/pose3d/smpl_model_with_hand_v2.pkl', 'src_path': 'path?=./assets/samples/sources/donald_trump_2/00000.PNG,name?=donald_trump_2', 'tb_visual': False, 'temporal': False, 'tex_size': 3, 'time_step': 1, 'train_name': 'LWGTrainer', 'use_cudnn': False, 'use_inpaintor': False, 'uv_map_path': './assets/checkpoints/pose3d/mapper_uv.txt', 'verbose': True} -------------- End ---------------- Pre-processing: start... ----------------------MetaProcess---------------------- meta_input: path: ./assets/samples/sources/donald_trump_2/00000.PNG bg_path: name: donald_trump_2 primitives_dir: ./results\primitives\donald_trump_2 processed_dir: ./results\primitives\donald_trump_2\processed vid_info_path: ./results\primitives\donald_trump_2\processed\vid_info.pkl

----------------------MetaProcess---------------------- meta_input: path: ./assets/samples/references/akun_2.mp4 bg_path: name: akun_2 audio: ./results\primitives\akun_2\processed\audio.mp3 fps: 30.0 pose_fc: 300.0 cam_fc: 100 primitives_dir: ./results\primitives\akun_2 processed_dir: ./results\primitives\akun_2\processed vid_info_path: ./results\primitives\akun_2\processed\vid_info.pkl

    1.1 Preprocessing, running Preprocessor to detect the human boxes of ./results\primitives\donald_trump_2\processed\orig_images...

100%|████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:01<00:00, 1.21s/it] 1.1 Preprocessing, finish detect the human boxes of ./results\primitives\donald_trump_2\processed\orig_images ... 1.2 Preprocessing, cropping all images in ./results\primitives\donald_trump_2\processed\orig_images by estimated boxes ... 0it [00:00, ?it/s]Traceback (most recent call last): File "motion_imitate.py", line 7, in File "", line 991, in _find_and_load Traceback (most recent call last): File "motion_imitate.py", line 7, in File "", line 975, in _find_and_load_unlocked File "", line 991, in _find_and_load File "", line 671, in _load_unlocked File "", line 975, in _find_and_load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 671, in _load_unlocked File "mmcv__init.py", line 4, in File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 991, in _find_and_load File "mmcv__init.py", line 4, in File "", line 975, in _find_and_load_unlocked File "", line 991, in _find_and_load File "", line 671, in _load_unlocked File "", line 975, in _find_and_load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 671, in _load_unlocked File "mmcv\fileio__init.py", line 4, in File "", line 991, in _find_and_load File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 975, in _find_and_load_unlocked File "mmcv\fileio__init.py", line 4, in File "", line 991, in _find_and_load File "", line 671, in _load_unlocked File "", line 975, in _find_and_load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "mmcv\fileio\io.py", line 4, in File "", line 671, in _load_unlocked File "", line 991, in _find_and_load File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 975, in _find_and_load_unlocked File "mmcv\fileio\io.py", line 4, in File "", line 671, in _load_unlocked File "", line 991, in _find_and_load File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 975, in _find_and_load_unlocked File "mmcv\utils\init.py", line 16, in File "", line 671, in _load_unlocked File "", line 991, in _find_and_load File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 975, in _find_and_load_unlocked File "mmcv\utils\init__.py", line 16, in File "", line 991, in _find_and_load File "", line 671, in _load_unlocked File "", line 975, in _find_and_load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 671, in _load_unlocked Traceback (most recent call last): File "torch\init__.py", line 116, in File "motion_imitate.py", line 7, in File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module raise err File "", line 991, in _find_and_load OSError: [WinError 1455] Plik stronicowania jest za mały do ukończenia tej operacji. Error loading "D:\motion_inmate\torch\lib\caffe2_detectron_ops_gpu.dll" or one of its dependencies. File "torch\init.py", line 116, in [16972] Failed to execute script motion_ raise err File "", line 975, in _find_and_load_unlocked imOSError: [WinError 1455] Plik stronicowania jest za mały do ukończenia tej operacji. Error loading "D:\motion_inmate\torch\lib\caffe2_detectron_ops_gpu.dll" or one of its dependencies. it[ate1 3 File "", line 671, in _load_unlocked 192] Failed to execute scr File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module ipt motion_imit File "mmcv\init.py", line 4, in ate File "", line 991, in _find_and_load File "", line 975, in _find_and_load_unlocked File "", line 671, in _load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "mmcv\fileio\init.py", line 4, in File "", line 991, in _find_and_load File "", line 975, in _find_and_load_unlocked File "", line 671, in _load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "mmcv\fileio\io.py", line 4, in File "", line 991, in _find_and_load File "", line 975, in _find_and_load_unlocked File "", line 671, in _load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "mmcv\utils\init.py", line 16, in File "", line 991, in _find_and_load File "", line 975, in _find_and_load_unlocked File "", line 671, in _load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "torch\init__.py", line 116, in raise err OSError: [WinError 1455] Plik stronicowania jest za mały do ukończenia tej operacji. Error loading "D:\motion_inmate\torch\lib\caffe2_detectron_ops_gpu.dll" or one of its dependencies. [15676] Failed to execute script motion_imitate 0it [00:03, ?it/s] Process PreprocessConsumer_0: Traceback (most recent call last): File "iPERCore\services\preprocess.py", line 63, in run File "iPERCore\tools\processors\base_preprocessor.py", line 88, in execute File "iPERCore\tools\processors\base_preprocessor.py", line 197, in _execute_crop_img File "tqdm\std.py", line 1167, in iter File "concurrent\futures\process.py", line 484, in _chain_from_iterable_of_lists File "concurrent\futures_base.py", line 611, in result_iterator File "concurrent\futures_base.py", line 439, in result File "concurrent\futures_base.py", line 388, in get_result concurrent.futures.process.BrokenProcessPool: A process in the process pool was terminated abruptly while the future was running or pending.

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "multiprocessing\process.py", line 315, in _bootstrap File "iPERCore\services\preprocess.py", line 80, in run TypeError: catching classes that do not inherit from BaseException is not allowed Pre-processing: digital deformation start... Process HumanDigitalDeformConsumer_0: Traceback (most recent call last): File "iPERCore\services\preprocess.py", line 136, in run File "iPERCore\services\preprocess.py", line 210, in prepare_inputs_for_run_cloth_smpl_links File "iPERCore\services\options\process_info.py", line 140, in convert_to_src_info File "iPERCore\services\options\process_info.py", line 233, in read_src_infos File "mtrand.pyx", line 908, in numpy.random.mtrand.RandomState.choice ValueError: 'a' cannot be empty unless no samples are taken

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "multiprocessing\process.py", line 315, in _bootstrap File "iPERCore\services\preprocess.py", line 153, in run TypeError: catching classes that do not inherit from BaseException is not allowed Pre-processing: digital deformation completed... the current number of sources are 1, while the pre-defined number of sources are 2. Pre-processing: failed...

This is the demo in windows usage section. I have no idea why this is happening. My GPU isn't used at all, only CPU is being used. I saw somewhere that RTX 20xx series is unsupported but idk

Chalet37 commented 2 years ago

PS D:> cd motion_inmate

PS D:\motion_inmate> .\motion_imitate.exe --gpu_ids 0 --image_size 256 --num_source 2 --output_dir "./results" --assets_dir "./assets" --model_id "donald_trump_2" --src_path "path?=./assets/samples/sources/donald_trump_2/00000.PNG,name?=donald_trump_2" --ref_path "path?=./assets/samples/references/akun_2.mp4,name?=akun_2,pose_fc?=300" ./assets/executables/ffmpeg-4.3.1-win64-static/bin/ffprobe.exe -v error -select_streams v -of default=noprint_wrappers=1:nokey=1 -show_entries stream=r_frame_rate ./assets/samples/references/akun_2.mp4 ------------ Options ------------- {'MAX_NUM_SOURCE': 8, 'MultiMedia': {'ffmpeg': {'Linux': {'ffmpeg_exe_path': 'ffmpeg', 'ffprobe_exe_path': 'ffprobe'}, 'Windows': {'ffmpeg_exe_path': './assets/executables/ffmpeg-4.3.1-win64-static/bin/ffmpeg.exe', 'ffprobe_exe_path': './assets/executables/ffmpeg-4.3.1-win64-static/bin/ffprobe.exe'}, 'pix_fmt': 'yuv420p', 'vcodec': 'h264'}, 'image': {'caption': 'this is a fake video, synthesized by ' 'impersonator++', 'saved_nameformat': 'pred{:0>8}.png'}}, 'NUMBER_FACES': 13776, 'NUMBER_VERTS': 6890, 'Preprocess': {'BackgroundInpaintor': {'bg_replace': True, 'cfg_path': './assets/configs/inpaintors/mmedit_inpainting.toml', 'dilate_iter_num': 3, 'dilate_kernel_size': 9, 'name': 'mmedit_inpainting', 'use_sr': True}, 'Cropper': {'ref_crop_factor': 3.0, 'src_crop_factor': 1.3}, 'Deformer': {'cloth_parse_ckpt_path': './assets/checkpoints/mattors/exp-schp-lip.pth'}, 'FrontInfo': {'NUM_CANDIDATE': 25, 'RENDER_SIZE': 256}, 'HumanMattors': {'cfg_path': './assets/configs/mattors/point_render+gca.toml', 'dilate_iter_num': 7, 'erode_iter_num': 2, 'morph_kernel_size': 3, 'name': 'point_render+gca'}, 'MAX_PER_GPU_PROCESS': 1, 'Pose2dEstimator': {'cfg_path': './assets/configs/pose2d/openpose/body25.toml', 'joint_type': 'OpenPose-Body-25', 'name': 'openpose'}, 'Pose3dEstimator': {'batch_size': 32, 'cfg_path': './assets/configs/pose3d/spin.toml', 'name': 'spin', 'num_workers': 4}, 'Pose3dRefiner': {'cfg_path': './assets/configs/pose3d/smplify.toml', 'name': 'smplify', 'use_lfbgs': True}, 'Tracker': {'tracker_name': 'max_box'}, 'estimate_boxes_first': True, 'filter_invalid': True, 'has_detector': True, 'temporal': True, 'use_smplify': True}, 'Train': {'D_adam_b1': 0.9, 'D_adam_b2': 0.999, 'G_adam_b1': 0.9, 'G_adam_b2': 0.999, 'aug_bg': False, 'display_freq_s': 30, 'face_factor': 1.0, 'face_loss_path': './assets/checkpoints/losses/sphere20a_20171020.pth', 'final_lr': 2e-06, 'lambda_D_prob': 1.0, 'lambda_face': 5.0, 'lambda_mask': 5.0, 'lambda_mask_smooth': 1.0, 'lambda_rec': 10.0, 'lambda_tsf': 10.0, 'lr_D': 0.0001, 'lr_G': 0.0001, 'niters_or_epochs_decay': 0, 'niters_or_epochs_no_decay': 100, 'num_iters_validate': 1, 'opti': 'Adam', 'print_freq_s': 30, 'save_latest_freq_s': 300, 'tb_visual': False, 'train_G_every_n_iterations': 1, 'use_face': True, 'use_vgg': 'VGG19', 'vgg_loss_path': './assets/checkpoints/losses/vgg19-dcbb9e9d.pth'}, 'assets_dir': './assets', 'batch_size': 1, 'bg_ks': 11, 'cam_strategy': 'smooth', 'cfg_path': './assets\configs\deploy.toml', 'digital_type': 'cloth_smpl_link', 'dis_name': 'patch_global', 'face_path': './assets/checkpoints/pose3d/smpl_faces.npy', 'facial_path': './assets/checkpoints/pose3d/front_facial.json', 'fim_enc_path': './assets/checkpoints/pose3d/mapper_fim_enc.txt', 'front_path': './assets/checkpoints/pose3d/front_body.json', 'ft_ks': 1, 'gen_name': 'AttLWB-SPADE', 'gpu_ids': '0', 'head_path': './assets/checkpoints/pose3d/head.json', 'image_size': 256, 'intervals': 1, 'ip': '', 'load_epoch': -1, 'load_path_D': 'None', 'load_path_G': './assets/checkpoints/neural_renders/AttLWB-SPADE_id_G_2020-05-18.pth', 'local_rank': 0, 'map_name': 'uv_seg', 'meta_data': {'checkpoints_dir': './results\models\donald_trump_2', 'meta_ref': [<iPERCore.services.options.meta_info.MetaProcess object at 0x000002BE6BC5F370>], 'meta_src': [<iPERCore.services.options.meta_info.MetaProcess object at 0x000002BE6BC5F430>], 'opt_path': './results\models\donald_trump_2\opts.txt', 'personalized_ckpt_path': './results\models\donald_trump_2\personalized.pth', 'root_primitives_dir': './results\primitives'}, 'model_id': 'donald_trump_2', 'neural_render_cfg': {'Discriminator': {'bg_cond_nc': 4, 'cond_nc': 6, 'max_nf_mult': 8, 'n_layers': 4, 'name': 'patch_global', 'ndf': 64, 'norm_type': 'instance', 'use_sigmoid': False}, 'Generator': {'BGNet': {'cond_nc': 4, 'n_res_block': 6, 'norm_type': 'instance', 'num_filters': [64, 128, 128, 256]}, 'SIDNet': {'cond_nc': 6, 'n_res_block': 6, 'norm_type': 'None', 'num_filters': [64, 128, 256]}, 'TSFNet': {'cond_nc': 6, 'n_res_block': 6, 'norm_type': 'instance', 'num_filters': [64, 128, 256]}, 'name': 'AttLWB-SPADE'}}, 'neural_render_cfg_path': './assets/configs/neural_renders/AttLWB-SPADE.toml', 'num_source': 2, 'num_workers': 4, 'only_vis': False, 'output_dir': './results', 'part_path': './assets/checkpoints/pose3d/smpl_part_info.json', 'port': 0, 'ref_path': 'path?=./assets/samples/references/akun_2.mp4,name?=akun_2,pose_fc?=300', 'serial_batches': False, 'share_bg': True, 'smpl_model': './assets/checkpoints/pose3d/smpl_model.pkl', 'smpl_model_hand': './assets/checkpoints/pose3d/smpl_model_with_hand_v2.pkl', 'src_path': 'path?=./assets/samples/sources/donald_trump_2/00000.PNG,name?=donald_trump_2', 'tb_visual': False, 'temporal': False, 'tex_size': 3, 'time_step': 1, 'train_name': 'LWGTrainer', 'use_cudnn': False, 'use_inpaintor': False, 'uv_map_path': './assets/checkpoints/pose3d/mapper_uv.txt', 'verbose': True} -------------- End ---------------- Pre-processing: start... ----------------------MetaProcess---------------------- meta_input: path: ./assets/samples/sources/donald_trump_2/00000.PNG bg_path: name: donald_trump_2 primitives_dir: ./results\primitives\donald_trump_2 processed_dir: ./results\primitives\donald_trump_2\processed vid_info_path: ./results\primitives\donald_trump_2\processed\vid_info.pkl

----------------------MetaProcess----------------------

meta_input: path: ./assets/samples/references/akun_2.mp4 bg_path: name: akun_2 audio: ./results\primitives\akun_2\processed\audio.mp3 fps: 30.0 pose_fc: 300.0 cam_fc: 100 primitives_dir: ./results\primitives\akun_2 processed_dir: ./results\primitives\akun_2\processed vid_info_path: ./results\primitives\akun_2\processed\vid_info.pkl

    1.1 Preprocessing, running Preprocessor to detect the human boxes of ./results\primitives\donald_trump_2\processed\orig_images...

100%|████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:01<00:00, 1.21s/it] 1.1 Preprocessing, finish detect the human boxes of ./results\primitives\donald_trump_2\processed\orig_images ... 1.2 Preprocessing, cropping all images in ./results\primitives\donald_trump_2\processed\orig_images by estimated boxes ... 0it [00:00, ?it/s]Traceback (most recent call last): File "motion_imitate.py", line 7, in File "", line 991, in _find_and_load Traceback (most recent call last): File "motion_imitate.py", line 7, in File "", line 975, in _find_and_load_unlocked File "", line 991, in _find_and_load File "", line 671, in _load_unlocked File "", line 975, in _find_and_load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 671, in _load_unlocked File "mmcvinit.py", line 4, in File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 991, in _find_and_load File "mmcvinit.py", line 4, in File "", line 975, in _find_and_load_unlocked File "", line 991, in _find_and_load File "", line 671, in _load_unlocked File "", line 975, in _find_and_load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 671, in _load_unlocked File "mmcv\fileioinit.py", line 4, in File "", line 991, in _find_and_load File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 975, in _find_and_load_unlocked File "mmcv\fileioinit.py", line 4, in File "", line 991, in _find_and_load File "", line 671, in _load_unlocked File "", line 975, in _find_and_load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "mmcv\fileio\io.py", line 4, in File "", line 671, in _load_unlocked File "", line 991, in _find_and_load File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 975, in _find_and_load_unlocked File "mmcv\fileio\io.py", line 4, in File "", line 671, in _load_unlocked File "", line 991, in _find_and_load File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 975, in _find_and_load_unlocked File "mmcv\utilsinit.py", line 16, in File "", line 671, in _load_unlocked File "", line 991, in _find_and_load File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 975, in _find_and_load_unlocked File "mmcv\utilsinit.py", line 16, in File "", line 991, in _find_and_load File "", line 671, in _load_unlocked File "", line 975, in _find_and_load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "", line 671, in _load_unlocked Traceback (most recent call last): File "torchinit.py", line 116, in File "motion_imitate.py", line 7, in File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module raise err File "", line 991, in _find_and_load OSError: [WinError 1455] Plik stronicowania jest za mały do ukończenia tej operacji. Error loading "D:\motion_inmate\torch\lib\caffe2_detectron_opsgpu.dll" or one of its dependencies. File "torchinit.py", line 116, in [16972] Failed to execute script motion raise err File "", line 975, in _find_and_load_unlocked imOSError: [WinError 1455] Plik stronicowania jest za mały do ukończenia tej operacji. Error loading "D:\motion_inmate\torch\lib\caffe2_detectron_ops_gpu.dll" or one of its dependencies. it[ate1 3 File "", line 671, in _load_unlocked 192] Failed to execute scr File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module ipt motion_imit File "mmcvinit.py", line 4, in ate File "", line 991, in _find_and_load File "", line 975, in _find_and_load_unlocked File "", line 671, in _load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "mmcv\fileioinit.py", line 4, in File "", line 991, in _find_and_load File "", line 975, in _find_and_load_unlocked File "", line 671, in _load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "mmcv\fileio\io.py", line 4, in File "", line 991, in _find_and_load File "", line 975, in _find_and_load_unlocked File "", line 671, in _load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "mmcv\utilsinit.py", line 16, in File "", line 991, in _find_and_load File "", line 975, in _find_and_load_unlocked File "", line 671, in _load_unlocked File "e:\projects\iperdance\ipercore\venv\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 493, in exec_module File "torchinit.py", line 116, in raise err OSError: [WinError 1455] Plik stronicowania jest za mały do ukończenia tej operacji. Error loading "D:\motion_inmate\torch\lib\caffe2_detectron_ops_gpu.dll" or one of its dependencies. [15676] Failed to execute script motion_imitate 0it [00:03, ?it/s] Process PreprocessConsumer_0: Traceback (most recent call last): File "iPERCore\services\preprocess.py", line 63, in run File "iPERCore\tools\processors\base_preprocessor.py", line 88, in execute File "iPERCore\tools\processors\base_preprocessor.py", line 197, in _execute_crop_img File "tqdm\std.py", line 1167, in iter File "concurrent\futures\process.py", line 484, in _chain_from_iterable_of_lists File "concurrent\futures_base.py", line 611, in result_iterator File "concurrent\futures_base.py", line 439, in result File "concurrent\futures_base.py", line 388, in __get_result concurrent.futures.process.BrokenProcessPool: A process in the process pool was terminated abruptly while the future was running or pending.

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "multiprocessing\process.py", line 315, in _bootstrap File "iPERCore\services\preprocess.py", line 80, in run TypeError: catching classes that do not inherit from BaseException is not allowed Pre-processing: digital deformation start... Process HumanDigitalDeformConsumer_0: Traceback (most recent call last): File "iPERCore\services\preprocess.py", line 136, in run File "iPERCore\services\preprocess.py", line 210, in prepare_inputs_for_run_cloth_smpl_links File "iPERCore\services\options\process_info.py", line 140, in convert_to_src_info File "iPERCore\services\options\process_info.py", line 233, in read_src_infos File "mtrand.pyx", line 908, in numpy.random.mtrand.RandomState.choice ValueError: 'a' cannot be empty unless no samples are taken

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "multiprocessing\process.py", line 315, in _bootstrap File "iPERCore\services\preprocess.py", line 153, in run TypeError: catching classes that do not inherit from BaseException is not allowed Pre-processing: digital deformation completed... the current number of sources are 1, while the pre-defined number of sources are 2. Pre-processing: failed...

This is the demo in windows usage section. I have no idea why this is happening. My GPU isn't used at all, only CPU is being used. I saw somewhere that RTX 20xx series is unsupported but idk

Have u found any solution?

mcitew commented 2 years ago

The fatal error is the mmcv problem, nothing to do with current number of sources. Suggest you rebuilt your mmcv-full with different versions.