Bringing-Old-Photos-Back-to-Life项目运行报错

python修复老照片项目执行程序报错,win11系统,安装有anaconda,pycharm2021.2.3,解释器python3.9
python run.py --GPU 0 --with_scratch

运行结果及报错内容
PS D:\Program Files\Git\Bringing-Old-Photos-Back-to-Life> python run.py --GPU 0 --with_scratch
Running Stage 1: Overall restoration
usage: detection.py [-h] [--GPU GPU] [--test_path TEST_PATH] [--output_dir OUTPUT_DIR] [--input_size INPUT_SIZE]
detection.py: error: unrecognized arguments: Files\Git\Bringing-Old-Photos-Back-to-Life\test_images\old Files\Git\Bringing-Old-Photos-Back-to-Life\output\stage_1_restore_output\masks
usage: test.py [-h] [--name NAME] [--gpu_ids GPU_IDS] [--checkpoints_dir CHECKPOINTS_DIR] [--outputs_dir OUTPUTS_DIR] [--model MODEL] [--norm NORM] [--use_dropout] [--data_type {8,16,32}] [--verbose] [--batchSize BATCHSIZE]
               [--loadSize LOADSIZE] [--fineSize FINESIZE] [--label_nc LABEL_NC] [--input_nc INPUT_NC] [--output_nc OUTPUT_NC] [--dataroot DATAROOT] [--resize_or_crop RESIZE_OR_CROP] [--serial_batches] [--no_flip]
               [--nThreads NTHREADS] [--max_dataset_size MAX_DATASET_SIZE] [--display_winsize DISPLAY_WINSIZE] [--tf_log] [--netG NETG] [--ngf NGF] [--k_size K_SIZE] [--use_v2] [--mc MC] [--start_r START_R]
               [--n_downsample_global N_DOWNSAMPLE_GLOBAL] [--n_blocks_global N_BLOCKS_GLOBAL] [--n_blocks_local N_BLOCKS_LOCAL] [--n_local_enhancers N_LOCAL_ENHANCERS] [--niter_fix_global NITER_FIX_GLOBAL]
               [--load_pretrain LOAD_PRETRAIN] [--no_instance] [--instance_feat] [--label_feat] [--feat_num FEAT_NUM] [--load_features] [--n_downsample_E N_DOWNSAMPLE_E] [--nef NEF] [--n_clusters N_CLUSTERS] [--self_gen]
               [--mapping_n_block MAPPING_N_BLOCK] [--map_mc MAP_MC] [--kl KL] [--load_pretrainA LOAD_PRETRAINA] [--load_pretrainB LOAD_PRETRAINB] [--feat_gan] [--no_cgan] [--map_unet] [--map_densenet] [--fcn] [--is_image]
               [--label_unpair] [--mapping_unpair] [--unpair_w UNPAIR_W] [--pair_num PAIR_NUM] [--Gan_w GAN_W] [--feat_dim FEAT_DIM] [--abalation_vae_len ABALATION_VAE_LEN] [--gpu GPU] [--dataDir DATADIR] [--modelDir MODELDIR]
               [--logDir LOGDIR] [--data_dir DATA_DIR] [--use_skip_model] [--use_segmentation_model] [--spatio_size SPATIO_SIZE] [--test_random_crop] [--contain_scratch_L] [--mask_dilation MASK_DILATION]
               [--irregular_mask IRREGULAR_MASK] [--mapping_net_dilation MAPPING_NET_DILATION] [--VOC VOC] [--non_local NON_LOCAL] [--NL_fusion_method NL_FUSION_METHOD] [--NL_use_mask] [--correlation_renormalize] [--Smooth_L1]
               [--face_restore_setting FACE_RESTORE_SETTING] [--face_clean_url FACE_CLEAN_URL] [--syn_input_url SYN_INPUT_URL] [--syn_gt_url SYN_GT_URL] [--test_on_synthetic] [--use_SN] [--use_two_stage_mapping]
               [--L1_weight L1_WEIGHT] [--softmax_temperature SOFTMAX_TEMPERATURE] [--patch_similarity] [--use_self] [--use_own_dataset] [--test_hole_two_folders] [--no_hole] [--random_hole] [--NL_res] [--image_L1]
               [--hole_image_no_mask] [--down_sample_degradation] [--norm_G NORM_G] [--init_G INIT_G] [--use_new_G] [--use_new_D] [--only_voc] [--cosin_similarity] [--downsample_mode DOWNSAMPLE_MODE] [--mapping_exp MAPPING_EXP]
               [--inference_optimize] [--ntest NTEST] [--results_dir RESULTS_DIR] [--aspect_ratio ASPECT_RATIO] [--phase PHASE] [--which_epoch WHICH_EPOCH] [--how_many HOW_MANY] [--cluster_path CLUSTER_PATH]
               [--use_encoded_image] [--export_onnx EXPORT_ONNX] [--engine ENGINE] [--onnx ONNX] [--start_epoch START_EPOCH] [--test_dataset TEST_DATASET] [--no_degradation] [--no_load_VAE] [--use_v2_degradation]
               [--use_vae_which_epoch USE_VAE_WHICH_EPOCH] [--generate_pair] [--multi_scale_test MULTI_SCALE_TEST] [--multi_scale_threshold MULTI_SCALE_THRESHOLD] [--mask_need_scale] [--scale_num SCALE_NUM]
               [--save_feature_url SAVE_FEATURE_URL] [--test_input TEST_INPUT] [--test_mask TEST_MASK] [--test_gt TEST_GT] [--scale_input] [--save_feature_name SAVE_FEATURE_NAME] [--test_rgb_old_wo_scratch]
               [--test_mode TEST_MODE] [--Quality_restore] [--Scratch_and_Quality_restore] [--HR]
test.py: error: unrecognized arguments: Files\Git\Bringing-Old-Photos-Back-to-Life\output\stage_1_restore_output\masks\input Files\Git\Bringing-Old-Photos-Back-to-Life\output\stage_1_restore_output\masks\mask Files\Git\Bringing-Ol
d-Photos-Back-to-Life\output\stage_1_restore_output
Finish Stage 1 ...


Running Stage 2: Face Detection
usage: detect_all_dlib.py [-h] [--url URL] [--save_url SAVE_URL]
detect_all_dlib.py: error: unrecognized arguments: Files\Git\Bringing-Old-Photos-Back-to-Life\output\stage_1_restore_output\restored_image Files\Git\Bringing-Old-Photos-Back-to-Life\output\stage_2_detection_output
Finish Stage 2 ...


Running Stage 3: Face Enhancement
usage: test_face.py [-h] [--name NAME] [--gpu_ids GPU_IDS] [--checkpoints_dir CHECKPOINTS_DIR] [--model MODEL] [--norm_G NORM_G] [--norm_D NORM_D] [--norm_E NORM_E] [--phase PHASE] [--batchSize BATCHSIZE]
                    [--preprocess_mode {resize_and_crop,crop,scale_width,scale_width_and_crop,scale_shortside,scale_shortside_and_crop,fixed,none,resize}] [--load_size LOAD_SIZE] [--crop_size CROP_SIZE]
                    [--aspect_ratio ASPECT_RATIO] [--label_nc LABEL_NC] [--contain_dontcare_label] [--output_nc OUTPUT_NC] [--dataroot DATAROOT] [--dataset_mode DATASET_MODE] [--serial_batches] [--no_flip] [--nThreads NTHREADS]
                    [--max_dataset_size MAX_DATASET_SIZE] [--load_from_opt_file] [--cache_filelist_write] [--cache_filelist_read] [--display_winsize DISPLAY_WINSIZE] [--netG NETG] [--ngf NGF] [--init_type INIT_TYPE]
                    [--init_variance INIT_VARIANCE] [--z_dim Z_DIM] [--no_parsing_map] [--no_instance] [--nef NEF] [--use_vae] [--tensorboard_log] [--old_face_folder OLD_FACE_FOLDER]
                    [--old_face_label_folder OLD_FACE_LABEL_FOLDER] [--injection_layer INJECTION_LAYER] [--results_dir RESULTS_DIR] [--which_epoch WHICH_EPOCH] [--how_many HOW_MANY] [--num_upsampling_layers {normal,more,most}]
test_face.py: error: unrecognized arguments: Files\Git\Bringing-Old-Photos-Back-to-Life\output\stage_2_detection_output Files\Git\Bringing-Old-Photos-Back-to-Life\output\stage_3_face_output
Finish Stage 3 ...


Running Stage 4: Blending
usage: align_warp_back_multiple_dlib.py [-h] [--origin_url ORIGIN_URL] [--replace_url REPLACE_URL] [--save_url SAVE_URL]
align_warp_back_multiple_dlib.py: error: unrecognized arguments: Files\Git\Bringing-Old-Photos-Back-to-Life\output\stage_1_restore_output\restored_image Files\Git\Bringing-Old-Photos-Back-to-Life\output\stage_3_face_output\each_im
g Files\Git\Bringing-Old-Photos-Back-to-Life\output\final_output
Finish Stage 4 ...


All the processing is done. Please check the results.
主要是几处unrecognized arguments,detection.py: error,test.py: error:,detect_all_dlib.py: error:,test_face.py: error ,不知道这个unrecognized arguments在这里代表什么。
想要顺利修复老照片哎。