├── .gitignore ├── .pre-commit-config.yaml ├── .style.yapf ├── LICENSE ├── README.md ├── README_cn.md ├── applications └── tools │ ├── animeganv2.py │ ├── aotgan.py │ ├── face_parse.py │ ├── first-order-demo.py │ ├── gpen.py │ ├── image_restoration.py │ ├── invdn_denoising.py │ ├── lapstyle.py │ ├── mprnet.py │ ├── nafnet_denoising.py │ ├── photopen.py │ ├── pixel2style2pixel.py │ ├── singan.py │ ├── styleganv2.py │ ├── styleganv2clip.py │ ├── styleganv2editing.py │ ├── styleganv2fitting.py │ ├── styleganv2mixing.py │ ├── swinir_denoising.py │ ├── video-enhance.py │ └── wav2lip.py ├── benchmark ├── README.md ├── analysis_log.py ├── benchmark.yaml ├── prepare.sh ├── run_all.sh └── run_benchmark.sh ├── configs ├── animeganv2.yaml ├── animeganv2_pretrain.yaml ├── aotgan.yaml ├── basicvsr++_reds.yaml ├── basicvsr++_vimeo90k_BD.yaml ├── basicvsr_reds.yaml ├── cond_dcgan_mnist.yaml ├── cyclegan_cityscapes.yaml ├── cyclegan_horse2zebra.yaml ├── dcgan_mnist.yaml ├── drn_psnr_x4_div2k.yaml ├── edvr_l_blur_w_tsa.yaml ├── edvr_l_blur_wo_tsa.yaml ├── edvr_l_w_tsa.yaml ├── edvr_l_wo_tsa.yaml ├── edvr_m_w_tsa.yaml ├── edvr_m_wo_tsa.yaml ├── esrgan_psnr_x2_div2k.yaml ├── esrgan_psnr_x4_div2k.yaml ├── esrgan_x4_div2k.yaml ├── firstorder_fashion.yaml ├── firstorder_vox_256.yaml ├── firstorder_vox_mobile_256.yaml ├── gfpgan_ffhq1024.yaml ├── gpen_256_ffhq.yaml ├── iconvsr_reds.yaml ├── invdn_denoising.yaml ├── lapstyle_draft.yaml ├── lapstyle_rev_first.yaml ├── lapstyle_rev_second.yaml ├── lesrcnn_psnr_x4_div2k.yaml ├── makeup.yaml ├── mprnet_deblurring.yaml ├── mprnet_denoising.yaml ├── mprnet_deraining.yaml ├── msvsr_l_reds.yaml ├── msvsr_reds.yaml ├── msvsr_vimeo90k_BD.yaml ├── nafnet_denoising.yaml ├── pan_psnr_x4_div2k.yaml ├── photopen.yaml ├── pix2pix_cityscapes.yaml ├── pix2pix_cityscapes_2gpus.yaml ├── pix2pix_facades.yaml ├── prenet.yaml ├── rcan_rssr_x4.yaml ├── realsr_bicubic_noise_x4_df2k.yaml ├── realsr_kernel_noise_x4_dped.yaml ├── singan_animation.yaml ├── singan_finetune.yaml ├── singan_sr.yaml ├── singan_universal.yaml ├── starganv2_afhq.yaml ├── starganv2_celeba_hq.yaml ├── stylegan_v2_256_ffhq.yaml ├── swinir_denoising.yaml ├── ugatit_photo2cartoon.yaml ├── ugatit_selfie2anime_light.yaml ├── wav2lip.yaml ├── wav2lip_hq.yaml └── wgan_mnist.yaml ├── data ├── download_cyclegan_data.py ├── download_pix2pix_data.py ├── lsr2_preprocess.py ├── process_div2k_data.py └── realsr_preprocess │ ├── collect_noise.py │ ├── create_bicubic_dataset.py │ ├── create_kernel_dataset.py │ ├── imresize.py │ ├── paths.yml │ └── utils.py ├── deploy ├── TENSOR_RT.md ├── cpp_infer │ ├── CMakeLists.txt │ ├── include │ │ ├── process_op.h │ │ └── vsr.h │ └── src │ │ ├── main.cc │ │ ├── process_op.cc │ │ └── vsr.cc ├── export_model.md ├── lite │ └── README.md └── serving │ ├── README.md │ └── test_client.py ├── docs ├── en_US │ ├── apis │ │ └── apps.md │ ├── config_doc.md │ ├── contribute.md │ ├── data_prepare.md │ ├── get_started.md │ ├── industrial_solution │ │ └── photo_color_en.md │ ├── install.md │ └── tutorials │ │ ├── animegan.md │ │ ├── aotgan.md │ │ ├── face_enhancement.md │ │ ├── face_parse.md │ │ ├── gfpgan.md │ │ ├── gpen.md │ │ ├── invdn.md │ │ ├── lap_style.md │ │ ├── motion_driving.md │ │ ├── mpr_net.md │ │ ├── nafnet.md │ │ ├── photo2cartoon.md │ │ ├── pix2pix_cyclegan.md │ │ ├── pixel2style2pixel.md │ │ ├── prenet.md │ │ ├── psgan.md │ │ ├── singan.md │ │ ├── single_image_super_resolution.md │ │ ├── starganv2.md │ │ ├── styleganv2.md │ │ ├── styleganv2clip.md │ │ ├── styleganv2editing.md │ │ ├── styleganv2fitting.md │ │ ├── styleganv2mixing.md │ │ ├── swinir.md │ │ ├── ugatit.md │ │ ├── video_restore.md │ │ ├── video_super_resolution.md │ │ └── wav2lip.md ├── imgs │ ├── 1.jpg │ ├── A2B.png │ ├── B2A.png │ ├── RSSR.png │ ├── animeganv2_res.jpg │ ├── animeganv2_test.jpg │ ├── cyclegan.png │ ├── face.png │ ├── face_parse_out.png │ ├── father_23.jpg │ ├── fom_512_vs_256.png │ ├── fom_demo.png │ ├── fom_dv.mp4 │ ├── fom_source_image.png │ ├── fom_source_image_multi_person.jpg │ ├── guangquan.m4a │ ├── horse2zebra.png │ ├── mayiyahei.MP4 │ ├── mona7s.mp4 │ ├── monarch.png │ ├── pSp-input-crop.png │ ├── pSp-input.jpg │ ├── pSp-inversion.png │ ├── pSp-teaser.jpg │ ├── pSp-toonify.png │ ├── photo2cartoon_data_process.jpg │ ├── photo2cartoon_pipeline.png │ ├── pix2pix.png │ ├── ppgan.jpg │ ├── ps_source.png │ ├── psgan_arc.png │ ├── qq.png │ ├── ref │ │ └── ps_ref.png │ ├── stylegan2-sample-mixing-0.png │ ├── stylegan2-sample.png │ ├── stylegan2-teaser-1024x256.png │ ├── stylegan2editing-sample1.png │ ├── stylegan2editing-sample2.png │ ├── stylegan2fitting-sample.png │ ├── stylegan2fitting-sample2.png │ └── stylegan2mixing-sample.png ├── luckydraw.md └── zh_CN │ ├── apis │ └── apps.md │ ├── config_doc.md │ ├── contribute.md │ ├── data_prepare.md │ ├── get_started.md │ ├── industrial_solution │ ├── photo_color_cn.md │ ├── photo_sr_cn.md │ ├── video_color_cn.md │ ├── video_frame_cn.md │ ├── video_restore_cn.md │ └── video_sr_cn.md │ ├── install.md │ └── tutorials │ ├── animegan.md │ ├── aotgan.md │ ├── face_enhancement.md │ ├── face_parse.md │ ├── gfpgan.md │ ├── gpen.md │ ├── invdn.md │ ├── lap_style.md │ ├── motion_driving.md │ ├── mpr_net.md │ ├── nafnet.md │ ├── photo2cartoon.md │ ├── photopen.md │ ├── pix2pix_cyclegan.md │ ├── pixel2style2pixel.md │ ├── prenet.md │ ├── psgan.md │ ├── remote_sensing_image_super-resolution.md │ ├── singan.md │ ├── single_image_super_resolution.md │ ├── starganv2.md │ ├── styleganv2.md │ ├── styleganv2clip.md │ ├── styleganv2editing.md │ ├── styleganv2fitting.md │ ├── styleganv2mixing.md │ ├── swinir.md │ ├── ugatit.md │ ├── video_super_resolution.md │ └── wav2lip.md ├── education ├── README.md ├── homework1.md ├── homework2.md ├── homework3.md ├── homework4.md └── 第二天作业.py ├── paddlegan-wechaty-demo ├── README.md ├── examples │ └── paddleGAN_fom.py ├── requirements.txt └── test_fom │ └── =2.0.0 ├── ppgan ├── __init__.py ├── apps │ ├── __init__.py │ ├── animegan_predictor.py │ ├── aotgan_predictor.py │ ├── base_predictor.py │ ├── dain_predictor.py │ ├── deepremaster_predictor.py │ ├── deoldify_predictor.py │ ├── edvr_predictor.py │ ├── face_parse_predictor.py │ ├── first_order_predictor.py │ ├── gpen_predictor.py │ ├── invdn_predictor.py │ ├── lapstyle_predictor.py │ ├── midas │ │ ├── README.md │ │ ├── __init__.py │ │ ├── blocks.py │ │ ├── midas_net.py │ │ ├── resnext.py │ │ ├── transforms.py │ │ └── utils.py │ ├── midas_predictor.py │ ├── mpr_predictor.py │ ├── nafnet_predictor.py │ ├── photo2cartoon_predictor.py │ ├── photopen_predictor.py │ ├── pixel2style2pixel_predictor.py │ ├── psgan_predictor.py │ ├── realsr_predictor.py │ ├── recurrent_vsr_predictor.py │ ├── singan_predictor.py │ ├── styleganv2_predictor.py │ ├── styleganv2clip_predictor.py │ ├── styleganv2editing_predictor.py │ ├── styleganv2fitting_predictor.py │ ├── styleganv2mixing_predictor.py │ ├── swinir_predictor.py │ └── wav2lip_predictor.py ├── datasets │ ├── __init__.py │ ├── animeganv2_dataset.py │ ├── aotgan_dataset.py │ ├── base_dataset.py │ ├── base_sr_dataset.py │ ├── builder.py │ ├── common_vision_dataset.py │ ├── empty_dataset.py │ ├── firstorder_dataset.py │ ├── gfpgan_datasets.py │ ├── gpen_dataset.py │ ├── image_folder.py │ ├── invdn_dataset.py │ ├── lapstyle_dataset.py │ ├── makeup_dataset.py │ ├── mpr_dataset.py │ ├── nafnet_dataset.py │ ├── paired_dataset.py │ ├── paired_image_datasets.py │ ├── photopen_dataset.py │ ├── preprocess │ │ ├── __init__.py │ │ ├── builder.py │ │ ├── io.py │ │ └── transforms.py │ ├── repeat_dataset.py │ ├── single_dataset.py │ ├── starganv2_dataset.py │ ├── swinir_dataset.py │ ├── unpaired_dataset.py │ ├── vsr_folder_dataset.py │ ├── vsr_reds_dataset.py │ ├── vsr_reds_multiple_gt_dataset.py │ ├── vsr_vimeo90k_dataset.py │ └── wav2lip_dataset.py ├── engine │ ├── __init__.py │ └── trainer.py ├── faceutils │ ├── __init__.py │ ├── dlibutils │ │ ├── __init__.py │ │ ├── dlib_utils.py │ │ └── face_align.py │ ├── face_detection │ │ ├── __init__.py │ │ ├── api.py │ │ ├── detection │ │ │ ├── __init__.py │ │ │ ├── blazeface │ │ │ │ ├── __init__.py │ │ │ │ ├── blazeface_detector.py │ │ │ │ ├── detect.py │ │ │ │ ├── net_blazeface.py │ │ │ │ └── utils.py │ │ │ ├── core.py │ │ │ └── sfd │ │ │ │ ├── __init__.py │ │ │ │ ├── bbox.py │ │ │ │ ├── detect.py │ │ │ │ ├── net_s3fd.py │ │ │ │ └── sfd_detector.py │ │ └── utils.py │ ├── face_enhancement │ │ ├── __init__.py │ │ ├── face_enhance.py │ │ └── gfpgan_enhance.py │ ├── face_segmentation │ │ ├── __init__.py │ │ ├── face_seg.py │ │ ├── fcn.py │ │ ├── hrnet.py │ │ └── layers.py │ ├── image.py │ └── mask │ │ ├── __init__.py │ │ ├── face_parser.py │ │ └── model.py ├── metrics │ ├── __init__.py │ ├── builder.py │ ├── fid.py │ ├── inception.py │ ├── lpips.py │ └── psnr_ssim.py ├── models │ ├── __init__.py │ ├── animeganv2_model.py │ ├── aotgan_model.py │ ├── backbones │ │ └── __init__.py │ ├── base_model.py │ ├── basicvsr_model.py │ ├── builder.py │ ├── criterions │ │ ├── __init__.py │ │ ├── aotgan_perceptual_loss.py │ │ ├── builder.py │ │ ├── gan_loss.py │ │ ├── gfpgan_loss.py │ │ ├── gradient_penalty.py │ │ ├── id_loss.py │ │ ├── perceptual_loss.py │ │ ├── photopen_perceptual_loss.py │ │ ├── pixel_loss.py │ │ └── ssim.py │ ├── cycle_gan_model.py │ ├── dc_gan_model.py │ ├── discriminators │ │ ├── __init__.py │ │ ├── arcface_arch_paddle.py │ │ ├── builder.py │ │ ├── dcdiscriminator.py │ │ ├── discriminator_animegan.py │ │ ├── discriminator_aotgan.py │ │ ├── discriminator_firstorder.py │ │ ├── discriminator_lapstyle.py │ │ ├── discriminator_photopen.py │ │ ├── discriminator_singan.py │ │ ├── discriminator_starganv2.py │ │ ├── discriminator_styleganv2.py │ │ ├── discriminator_ugatit.py │ │ ├── nlayers.py │ │ ├── syncnet.py │ │ ├── vgg_discriminator.py │ │ └── wav2lip_disc_qual.py │ ├── drn_model.py │ ├── edvr_model.py │ ├── esrgan_model.py │ ├── firstorder_model.py │ ├── gan_model.py │ ├── generators │ │ ├── __init__.py │ │ ├── basicvsr.py │ │ ├── basicvsr_plus_plus.py │ │ ├── builder.py │ │ ├── dcgenerator.py │ │ ├── deep_conv.py │ │ ├── deoldify.py │ │ ├── drn.py │ │ ├── edvr.py │ │ ├── generater_animegan.py │ │ ├── generater_aotgan.py │ │ ├── generater_lapstyle.py │ │ ├── generater_photopen.py │ │ ├── generator_firstorder.py │ │ ├── generator_gpen.py │ │ ├── generator_pixel2style2pixel.py │ │ ├── generator_singan.py │ │ ├── generator_starganv2.py │ │ ├── generator_styleganv2.py │ │ ├── gfpganv1_arch.py │ │ ├── gfpganv1_clean_arch.py │ │ ├── gpen.py │ │ ├── hook.py │ │ ├── iconvsr.py │ │ ├── invdn.py │ │ ├── lesrcnn.py │ │ ├── makeup.py │ │ ├── mobile_resnet.py │ │ ├── mpr.py │ │ ├── msvsr.py │ │ ├── nafnet.py │ │ ├── occlusion_aware.py │ │ ├── pan.py │ │ ├── prenet.py │ │ ├── rcan.py │ │ ├── remaster.py │ │ ├── resnet.py │ │ ├── resnet_ugatit.py │ │ ├── resnet_ugatit_p2c.py │ │ ├── rrdb_net.py │ │ ├── stylegan2_clean_arch.py │ │ ├── swinir.py │ │ ├── unet.py │ │ └── wav2lip.py │ ├── gfpgan_model.py │ ├── gpen_model.py │ ├── invdn_model.py │ ├── lapstyle_model.py │ ├── makeup_model.py │ ├── mpr_model.py │ ├── msvsr_model.py │ ├── nafnet_model.py │ ├── photopen_model.py │ ├── pix2pix_model.py │ ├── prenet_model.py │ ├── rcan_model.py │ ├── singan_model.py │ ├── sr_model.py │ ├── starganv2_model.py │ ├── styleganv2_model.py │ ├── swinir_model.py │ ├── ugatit_model.py │ ├── wav2lip_hq_model.py │ └── wav2lip_model.py ├── modules │ ├── __init__.py │ ├── caffevgg.py │ ├── conv.py │ ├── dense_motion.py │ ├── equalized.py │ ├── first_order.py │ ├── fused_act.py │ ├── init.py │ ├── keypoint_detector.py │ ├── nn.py │ ├── norm.py │ ├── upfirdn2d.py │ ├── utils.py │ └── wing.py ├── solver │ ├── __init__.py │ ├── builder.py │ ├── lr_scheduler.py │ └── optimizer.py ├── utils │ ├── __init__.py │ ├── animate.py │ ├── audio.py │ ├── audio_config.py │ ├── config.py │ ├── download.py │ ├── filesystem.py │ ├── gfpgan_tools.py │ ├── image_pool.py │ ├── logger.py │ ├── options.py │ ├── photopen.py │ ├── preprocess.py │ ├── profiler.py │ ├── registry.py │ ├── setup.py │ ├── timer.py │ ├── video.py │ └── visual.py └── version.py ├── python ├── requirements.txt ├── setup.py ├── test ├── coco_stuff │ ├── test_inst │ │ ├── ADE_train_00000569.png │ │ ├── ADE_train_00000583.png │ │ ├── ADE_train_00000955.png │ │ └── ADE_train_00002089.png │ ├── train_img │ │ ├── ADE_train_00000569.jpg │ │ ├── ADE_train_00000583.jpg │ │ ├── ADE_train_00000955.jpg │ │ └── ADE_train_00002089.jpg │ └── train_inst │ │ ├── ADE_train_00000569.png │ │ ├── ADE_train_00000583.png │ │ ├── ADE_train_00000955.png │ │ └── ADE_train_00002089.png ├── pic_.jpg ├── readme.txt └── sem.png ├── test_tipc ├── README.md ├── benchmark_train.sh ├── common_func.sh ├── compare_results.py ├── configs │ ├── CycleGAN │ │ └── train_infer_python.txt │ ├── FOMM │ │ └── train_infer_python.txt │ ├── GFPGAN │ │ └── train_infer_python.txt │ ├── Pix2pix │ │ └── train_infer_python.txt │ ├── StyleGANv2 │ │ └── train_infer_python.txt │ ├── aotgan │ │ └── train_infer_python.txt │ ├── basicvsr │ │ └── train_infer_python.txt │ ├── edvr │ │ ├── train_infer_python.txt │ │ └── train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt │ ├── esrgan │ │ └── train_infer_python.txt │ ├── invdn │ │ └── train_infer_python.txt │ ├── msvsr │ │ ├── model_linux_gpu_normal_normal_infer_cpp_linux_gpu_cpu.txt │ │ ├── train_infer_python.txt │ │ └── train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt │ ├── nafnet │ │ └── train_infer_python.txt │ ├── singan │ │ └── train_infer_python.txt │ └── swinir │ │ └── train_infer_python.txt ├── docs │ ├── benchmark_train.md │ ├── compare_right.png │ ├── compare_wrong.png │ ├── test.png │ ├── test_inference_cpp.md │ └── test_train_inference_python.md ├── prepare.sh ├── results │ ├── python_basicvsr_results_fp32.txt │ ├── python_cyclegan_results_fp32.txt │ ├── python_fom_results_fp32.txt │ ├── python_msvsr_results_fp32.txt │ ├── python_pix2pix_results_fp32.txt │ ├── python_singan_results_fp32.txt │ └── python_stylegan2_results_fp32.txt ├── test_inference_cpp.sh ├── test_train_inference_python.sh ├── test_train_inference_python_npu.sh └── test_train_inference_python_xpu.sh └── tools ├── animegan_picmean.py ├── export_model.py ├── extract_weight.py ├── fom_infer.py ├── inference.py ├── main.py ├── psgan_infer.py └── styleclip_getf.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/.gitignore -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.style.yapf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/.style.yapf -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/README.md -------------------------------------------------------------------------------- /README_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/README_cn.md -------------------------------------------------------------------------------- /applications/tools/animeganv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/animeganv2.py -------------------------------------------------------------------------------- /applications/tools/aotgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/aotgan.py -------------------------------------------------------------------------------- /applications/tools/face_parse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/face_parse.py -------------------------------------------------------------------------------- /applications/tools/first-order-demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/first-order-demo.py -------------------------------------------------------------------------------- /applications/tools/gpen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/gpen.py -------------------------------------------------------------------------------- /applications/tools/image_restoration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/image_restoration.py -------------------------------------------------------------------------------- /applications/tools/invdn_denoising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/invdn_denoising.py -------------------------------------------------------------------------------- /applications/tools/lapstyle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/lapstyle.py -------------------------------------------------------------------------------- /applications/tools/mprnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/mprnet.py -------------------------------------------------------------------------------- /applications/tools/nafnet_denoising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/nafnet_denoising.py -------------------------------------------------------------------------------- /applications/tools/photopen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/photopen.py -------------------------------------------------------------------------------- /applications/tools/pixel2style2pixel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/pixel2style2pixel.py -------------------------------------------------------------------------------- /applications/tools/singan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/singan.py -------------------------------------------------------------------------------- /applications/tools/styleganv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/styleganv2.py -------------------------------------------------------------------------------- /applications/tools/styleganv2clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/styleganv2clip.py -------------------------------------------------------------------------------- /applications/tools/styleganv2editing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/styleganv2editing.py -------------------------------------------------------------------------------- /applications/tools/styleganv2fitting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/styleganv2fitting.py -------------------------------------------------------------------------------- /applications/tools/styleganv2mixing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/styleganv2mixing.py -------------------------------------------------------------------------------- /applications/tools/swinir_denoising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/swinir_denoising.py -------------------------------------------------------------------------------- /applications/tools/video-enhance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/video-enhance.py -------------------------------------------------------------------------------- /applications/tools/wav2lip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/applications/tools/wav2lip.py -------------------------------------------------------------------------------- /benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/benchmark/README.md -------------------------------------------------------------------------------- /benchmark/analysis_log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/benchmark/analysis_log.py -------------------------------------------------------------------------------- /benchmark/benchmark.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/benchmark/benchmark.yaml -------------------------------------------------------------------------------- /benchmark/prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/benchmark/prepare.sh -------------------------------------------------------------------------------- /benchmark/run_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/benchmark/run_all.sh -------------------------------------------------------------------------------- /benchmark/run_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/benchmark/run_benchmark.sh -------------------------------------------------------------------------------- /configs/animeganv2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/animeganv2.yaml -------------------------------------------------------------------------------- /configs/animeganv2_pretrain.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/animeganv2_pretrain.yaml -------------------------------------------------------------------------------- /configs/aotgan.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/aotgan.yaml -------------------------------------------------------------------------------- /configs/basicvsr++_reds.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/basicvsr++_reds.yaml -------------------------------------------------------------------------------- /configs/basicvsr++_vimeo90k_BD.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/basicvsr++_vimeo90k_BD.yaml -------------------------------------------------------------------------------- /configs/basicvsr_reds.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/basicvsr_reds.yaml -------------------------------------------------------------------------------- /configs/cond_dcgan_mnist.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/cond_dcgan_mnist.yaml -------------------------------------------------------------------------------- /configs/cyclegan_cityscapes.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/cyclegan_cityscapes.yaml -------------------------------------------------------------------------------- /configs/cyclegan_horse2zebra.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/cyclegan_horse2zebra.yaml -------------------------------------------------------------------------------- /configs/dcgan_mnist.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/dcgan_mnist.yaml -------------------------------------------------------------------------------- /configs/drn_psnr_x4_div2k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/drn_psnr_x4_div2k.yaml -------------------------------------------------------------------------------- /configs/edvr_l_blur_w_tsa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/edvr_l_blur_w_tsa.yaml -------------------------------------------------------------------------------- /configs/edvr_l_blur_wo_tsa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/edvr_l_blur_wo_tsa.yaml -------------------------------------------------------------------------------- /configs/edvr_l_w_tsa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/edvr_l_w_tsa.yaml -------------------------------------------------------------------------------- /configs/edvr_l_wo_tsa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/edvr_l_wo_tsa.yaml -------------------------------------------------------------------------------- /configs/edvr_m_w_tsa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/edvr_m_w_tsa.yaml -------------------------------------------------------------------------------- /configs/edvr_m_wo_tsa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/edvr_m_wo_tsa.yaml -------------------------------------------------------------------------------- /configs/esrgan_psnr_x2_div2k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/esrgan_psnr_x2_div2k.yaml -------------------------------------------------------------------------------- /configs/esrgan_psnr_x4_div2k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/esrgan_psnr_x4_div2k.yaml -------------------------------------------------------------------------------- /configs/esrgan_x4_div2k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/esrgan_x4_div2k.yaml -------------------------------------------------------------------------------- /configs/firstorder_fashion.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/firstorder_fashion.yaml -------------------------------------------------------------------------------- /configs/firstorder_vox_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/firstorder_vox_256.yaml -------------------------------------------------------------------------------- /configs/firstorder_vox_mobile_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/firstorder_vox_mobile_256.yaml -------------------------------------------------------------------------------- /configs/gfpgan_ffhq1024.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/gfpgan_ffhq1024.yaml -------------------------------------------------------------------------------- /configs/gpen_256_ffhq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/gpen_256_ffhq.yaml -------------------------------------------------------------------------------- /configs/iconvsr_reds.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/iconvsr_reds.yaml -------------------------------------------------------------------------------- /configs/invdn_denoising.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/invdn_denoising.yaml -------------------------------------------------------------------------------- /configs/lapstyle_draft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/lapstyle_draft.yaml -------------------------------------------------------------------------------- /configs/lapstyle_rev_first.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/lapstyle_rev_first.yaml -------------------------------------------------------------------------------- /configs/lapstyle_rev_second.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/lapstyle_rev_second.yaml -------------------------------------------------------------------------------- /configs/lesrcnn_psnr_x4_div2k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/lesrcnn_psnr_x4_div2k.yaml -------------------------------------------------------------------------------- /configs/makeup.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/makeup.yaml -------------------------------------------------------------------------------- /configs/mprnet_deblurring.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/mprnet_deblurring.yaml -------------------------------------------------------------------------------- /configs/mprnet_denoising.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/mprnet_denoising.yaml -------------------------------------------------------------------------------- /configs/mprnet_deraining.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/mprnet_deraining.yaml -------------------------------------------------------------------------------- /configs/msvsr_l_reds.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/msvsr_l_reds.yaml -------------------------------------------------------------------------------- /configs/msvsr_reds.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/msvsr_reds.yaml -------------------------------------------------------------------------------- /configs/msvsr_vimeo90k_BD.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/msvsr_vimeo90k_BD.yaml -------------------------------------------------------------------------------- /configs/nafnet_denoising.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/nafnet_denoising.yaml -------------------------------------------------------------------------------- /configs/pan_psnr_x4_div2k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/pan_psnr_x4_div2k.yaml -------------------------------------------------------------------------------- /configs/photopen.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/photopen.yaml -------------------------------------------------------------------------------- /configs/pix2pix_cityscapes.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/pix2pix_cityscapes.yaml -------------------------------------------------------------------------------- /configs/pix2pix_cityscapes_2gpus.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/pix2pix_cityscapes_2gpus.yaml -------------------------------------------------------------------------------- /configs/pix2pix_facades.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/pix2pix_facades.yaml -------------------------------------------------------------------------------- /configs/prenet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/prenet.yaml -------------------------------------------------------------------------------- /configs/rcan_rssr_x4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/rcan_rssr_x4.yaml -------------------------------------------------------------------------------- /configs/realsr_bicubic_noise_x4_df2k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/realsr_bicubic_noise_x4_df2k.yaml -------------------------------------------------------------------------------- /configs/realsr_kernel_noise_x4_dped.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/realsr_kernel_noise_x4_dped.yaml -------------------------------------------------------------------------------- /configs/singan_animation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/singan_animation.yaml -------------------------------------------------------------------------------- /configs/singan_finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/singan_finetune.yaml -------------------------------------------------------------------------------- /configs/singan_sr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/singan_sr.yaml -------------------------------------------------------------------------------- /configs/singan_universal.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/singan_universal.yaml -------------------------------------------------------------------------------- /configs/starganv2_afhq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/starganv2_afhq.yaml -------------------------------------------------------------------------------- /configs/starganv2_celeba_hq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/starganv2_celeba_hq.yaml -------------------------------------------------------------------------------- /configs/stylegan_v2_256_ffhq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/stylegan_v2_256_ffhq.yaml -------------------------------------------------------------------------------- /configs/swinir_denoising.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/swinir_denoising.yaml -------------------------------------------------------------------------------- /configs/ugatit_photo2cartoon.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/ugatit_photo2cartoon.yaml -------------------------------------------------------------------------------- /configs/ugatit_selfie2anime_light.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/ugatit_selfie2anime_light.yaml -------------------------------------------------------------------------------- /configs/wav2lip.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/wav2lip.yaml -------------------------------------------------------------------------------- /configs/wav2lip_hq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/wav2lip_hq.yaml -------------------------------------------------------------------------------- /configs/wgan_mnist.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/configs/wgan_mnist.yaml -------------------------------------------------------------------------------- /data/download_cyclegan_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/download_cyclegan_data.py -------------------------------------------------------------------------------- /data/download_pix2pix_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/download_pix2pix_data.py -------------------------------------------------------------------------------- /data/lsr2_preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/lsr2_preprocess.py -------------------------------------------------------------------------------- /data/process_div2k_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/process_div2k_data.py -------------------------------------------------------------------------------- /data/realsr_preprocess/collect_noise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/realsr_preprocess/collect_noise.py -------------------------------------------------------------------------------- /data/realsr_preprocess/create_bicubic_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/realsr_preprocess/create_bicubic_dataset.py -------------------------------------------------------------------------------- /data/realsr_preprocess/create_kernel_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/realsr_preprocess/create_kernel_dataset.py -------------------------------------------------------------------------------- /data/realsr_preprocess/imresize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/realsr_preprocess/imresize.py -------------------------------------------------------------------------------- /data/realsr_preprocess/paths.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/realsr_preprocess/paths.yml -------------------------------------------------------------------------------- /data/realsr_preprocess/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/data/realsr_preprocess/utils.py -------------------------------------------------------------------------------- /deploy/TENSOR_RT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/TENSOR_RT.md -------------------------------------------------------------------------------- /deploy/cpp_infer/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/cpp_infer/CMakeLists.txt -------------------------------------------------------------------------------- /deploy/cpp_infer/include/process_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/cpp_infer/include/process_op.h -------------------------------------------------------------------------------- /deploy/cpp_infer/include/vsr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/cpp_infer/include/vsr.h -------------------------------------------------------------------------------- /deploy/cpp_infer/src/main.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/cpp_infer/src/main.cc -------------------------------------------------------------------------------- /deploy/cpp_infer/src/process_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/cpp_infer/src/process_op.cc -------------------------------------------------------------------------------- /deploy/cpp_infer/src/vsr.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/cpp_infer/src/vsr.cc -------------------------------------------------------------------------------- /deploy/export_model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/export_model.md -------------------------------------------------------------------------------- /deploy/lite/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/lite/README.md -------------------------------------------------------------------------------- /deploy/serving/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/serving/README.md -------------------------------------------------------------------------------- /deploy/serving/test_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/deploy/serving/test_client.py -------------------------------------------------------------------------------- /docs/en_US/apis/apps.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/apis/apps.md -------------------------------------------------------------------------------- /docs/en_US/config_doc.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/config_doc.md -------------------------------------------------------------------------------- /docs/en_US/contribute.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/contribute.md -------------------------------------------------------------------------------- /docs/en_US/data_prepare.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/data_prepare.md -------------------------------------------------------------------------------- /docs/en_US/get_started.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/get_started.md -------------------------------------------------------------------------------- /docs/en_US/industrial_solution/photo_color_en.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/industrial_solution/photo_color_en.md -------------------------------------------------------------------------------- /docs/en_US/install.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/install.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/animegan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/animegan.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/aotgan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/aotgan.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/face_enhancement.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/face_enhancement.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/face_parse.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/face_parse.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/gfpgan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/gfpgan.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/gpen.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/gpen.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/invdn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/invdn.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/lap_style.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/lap_style.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/motion_driving.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/motion_driving.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/mpr_net.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/mpr_net.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/nafnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/nafnet.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/photo2cartoon.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/photo2cartoon.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/pix2pix_cyclegan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/pix2pix_cyclegan.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/pixel2style2pixel.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/pixel2style2pixel.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/prenet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/prenet.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/psgan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/psgan.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/singan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/singan.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/single_image_super_resolution.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/single_image_super_resolution.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/starganv2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/starganv2.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/styleganv2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/styleganv2.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/styleganv2clip.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/styleganv2clip.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/styleganv2editing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/styleganv2editing.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/styleganv2fitting.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/styleganv2fitting.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/styleganv2mixing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/styleganv2mixing.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/swinir.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/swinir.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/ugatit.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/ugatit.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/video_restore.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/video_restore.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/video_super_resolution.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/video_super_resolution.md -------------------------------------------------------------------------------- /docs/en_US/tutorials/wav2lip.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/en_US/tutorials/wav2lip.md -------------------------------------------------------------------------------- /docs/imgs/1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/1.jpg -------------------------------------------------------------------------------- /docs/imgs/A2B.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/A2B.png -------------------------------------------------------------------------------- /docs/imgs/B2A.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/B2A.png -------------------------------------------------------------------------------- /docs/imgs/RSSR.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/RSSR.png -------------------------------------------------------------------------------- /docs/imgs/animeganv2_res.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/animeganv2_res.jpg -------------------------------------------------------------------------------- /docs/imgs/animeganv2_test.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/animeganv2_test.jpg -------------------------------------------------------------------------------- /docs/imgs/cyclegan.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/cyclegan.png -------------------------------------------------------------------------------- /docs/imgs/face.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/face.png -------------------------------------------------------------------------------- /docs/imgs/face_parse_out.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/face_parse_out.png -------------------------------------------------------------------------------- /docs/imgs/father_23.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/father_23.jpg -------------------------------------------------------------------------------- /docs/imgs/fom_512_vs_256.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/fom_512_vs_256.png -------------------------------------------------------------------------------- /docs/imgs/fom_demo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/fom_demo.png -------------------------------------------------------------------------------- /docs/imgs/fom_dv.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/fom_dv.mp4 -------------------------------------------------------------------------------- /docs/imgs/fom_source_image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/fom_source_image.png -------------------------------------------------------------------------------- /docs/imgs/fom_source_image_multi_person.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/fom_source_image_multi_person.jpg -------------------------------------------------------------------------------- /docs/imgs/guangquan.m4a: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/guangquan.m4a -------------------------------------------------------------------------------- /docs/imgs/horse2zebra.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/horse2zebra.png -------------------------------------------------------------------------------- /docs/imgs/mayiyahei.MP4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/mayiyahei.MP4 -------------------------------------------------------------------------------- /docs/imgs/mona7s.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/mona7s.mp4 -------------------------------------------------------------------------------- /docs/imgs/monarch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/monarch.png -------------------------------------------------------------------------------- /docs/imgs/pSp-input-crop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/pSp-input-crop.png -------------------------------------------------------------------------------- /docs/imgs/pSp-input.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/pSp-input.jpg -------------------------------------------------------------------------------- /docs/imgs/pSp-inversion.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/pSp-inversion.png -------------------------------------------------------------------------------- /docs/imgs/pSp-teaser.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/pSp-teaser.jpg -------------------------------------------------------------------------------- /docs/imgs/pSp-toonify.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/pSp-toonify.png -------------------------------------------------------------------------------- /docs/imgs/photo2cartoon_data_process.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/photo2cartoon_data_process.jpg -------------------------------------------------------------------------------- /docs/imgs/photo2cartoon_pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/photo2cartoon_pipeline.png -------------------------------------------------------------------------------- /docs/imgs/pix2pix.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/pix2pix.png -------------------------------------------------------------------------------- /docs/imgs/ppgan.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/ppgan.jpg -------------------------------------------------------------------------------- /docs/imgs/ps_source.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/ps_source.png -------------------------------------------------------------------------------- /docs/imgs/psgan_arc.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/psgan_arc.png -------------------------------------------------------------------------------- /docs/imgs/qq.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/qq.png -------------------------------------------------------------------------------- /docs/imgs/ref/ps_ref.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/ref/ps_ref.png -------------------------------------------------------------------------------- /docs/imgs/stylegan2-sample-mixing-0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/stylegan2-sample-mixing-0.png -------------------------------------------------------------------------------- /docs/imgs/stylegan2-sample.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/stylegan2-sample.png -------------------------------------------------------------------------------- /docs/imgs/stylegan2-teaser-1024x256.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/stylegan2-teaser-1024x256.png -------------------------------------------------------------------------------- /docs/imgs/stylegan2editing-sample1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/stylegan2editing-sample1.png -------------------------------------------------------------------------------- /docs/imgs/stylegan2editing-sample2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/stylegan2editing-sample2.png -------------------------------------------------------------------------------- /docs/imgs/stylegan2fitting-sample.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/stylegan2fitting-sample.png -------------------------------------------------------------------------------- /docs/imgs/stylegan2fitting-sample2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/stylegan2fitting-sample2.png -------------------------------------------------------------------------------- /docs/imgs/stylegan2mixing-sample.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/imgs/stylegan2mixing-sample.png -------------------------------------------------------------------------------- /docs/luckydraw.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/luckydraw.md -------------------------------------------------------------------------------- /docs/zh_CN/apis/apps.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/apis/apps.md -------------------------------------------------------------------------------- /docs/zh_CN/config_doc.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/config_doc.md -------------------------------------------------------------------------------- /docs/zh_CN/contribute.md: -------------------------------------------------------------------------------- 1 | ../en_US/contribute.md -------------------------------------------------------------------------------- /docs/zh_CN/data_prepare.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/data_prepare.md -------------------------------------------------------------------------------- /docs/zh_CN/get_started.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/get_started.md -------------------------------------------------------------------------------- /docs/zh_CN/industrial_solution/photo_color_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/industrial_solution/photo_color_cn.md -------------------------------------------------------------------------------- /docs/zh_CN/industrial_solution/photo_sr_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/industrial_solution/photo_sr_cn.md -------------------------------------------------------------------------------- /docs/zh_CN/industrial_solution/video_color_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/industrial_solution/video_color_cn.md -------------------------------------------------------------------------------- /docs/zh_CN/industrial_solution/video_frame_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/industrial_solution/video_frame_cn.md -------------------------------------------------------------------------------- /docs/zh_CN/industrial_solution/video_restore_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/industrial_solution/video_restore_cn.md -------------------------------------------------------------------------------- /docs/zh_CN/industrial_solution/video_sr_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/industrial_solution/video_sr_cn.md -------------------------------------------------------------------------------- /docs/zh_CN/install.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/install.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/animegan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/animegan.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/aotgan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/aotgan.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/face_enhancement.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/face_enhancement.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/face_parse.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/face_parse.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/gfpgan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/gfpgan.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/gpen.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/gpen.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/invdn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/invdn.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/lap_style.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/lap_style.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/motion_driving.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/motion_driving.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/mpr_net.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/mpr_net.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/nafnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/nafnet.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/photo2cartoon.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/photo2cartoon.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/photopen.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/photopen.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/pix2pix_cyclegan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/pix2pix_cyclegan.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/pixel2style2pixel.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/pixel2style2pixel.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/prenet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/prenet.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/psgan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/psgan.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/remote_sensing_image_super-resolution.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/remote_sensing_image_super-resolution.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/singan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/singan.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/single_image_super_resolution.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/single_image_super_resolution.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/starganv2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/starganv2.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/styleganv2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/styleganv2.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/styleganv2clip.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/styleganv2clip.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/styleganv2editing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/styleganv2editing.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/styleganv2fitting.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/styleganv2fitting.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/styleganv2mixing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/styleganv2mixing.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/swinir.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/swinir.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/ugatit.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/ugatit.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/video_super_resolution.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/video_super_resolution.md -------------------------------------------------------------------------------- /docs/zh_CN/tutorials/wav2lip.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/docs/zh_CN/tutorials/wav2lip.md -------------------------------------------------------------------------------- /education/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/education/README.md -------------------------------------------------------------------------------- /education/homework1.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/education/homework1.md -------------------------------------------------------------------------------- /education/homework2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/education/homework2.md -------------------------------------------------------------------------------- /education/homework3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/education/homework3.md -------------------------------------------------------------------------------- /education/homework4.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/education/homework4.md -------------------------------------------------------------------------------- /education/第二天作业.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/education/第二天作业.py -------------------------------------------------------------------------------- /paddlegan-wechaty-demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/paddlegan-wechaty-demo/README.md -------------------------------------------------------------------------------- /paddlegan-wechaty-demo/examples/paddleGAN_fom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/paddlegan-wechaty-demo/examples/paddleGAN_fom.py -------------------------------------------------------------------------------- /paddlegan-wechaty-demo/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/paddlegan-wechaty-demo/requirements.txt -------------------------------------------------------------------------------- /paddlegan-wechaty-demo/test_fom/=2.0.0: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/paddlegan-wechaty-demo/test_fom/=2.0.0 -------------------------------------------------------------------------------- /ppgan/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/__init__.py -------------------------------------------------------------------------------- /ppgan/apps/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/__init__.py -------------------------------------------------------------------------------- /ppgan/apps/animegan_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/animegan_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/aotgan_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/aotgan_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/base_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/base_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/dain_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/dain_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/deepremaster_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/deepremaster_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/deoldify_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/deoldify_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/edvr_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/edvr_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/face_parse_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/face_parse_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/first_order_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/first_order_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/gpen_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/gpen_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/invdn_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/invdn_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/lapstyle_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/lapstyle_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/midas/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/midas/README.md -------------------------------------------------------------------------------- /ppgan/apps/midas/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ppgan/apps/midas/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/midas/blocks.py -------------------------------------------------------------------------------- /ppgan/apps/midas/midas_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/midas/midas_net.py -------------------------------------------------------------------------------- /ppgan/apps/midas/resnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/midas/resnext.py -------------------------------------------------------------------------------- /ppgan/apps/midas/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/midas/transforms.py -------------------------------------------------------------------------------- /ppgan/apps/midas/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/midas/utils.py -------------------------------------------------------------------------------- /ppgan/apps/midas_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/midas_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/mpr_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/mpr_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/nafnet_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/nafnet_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/photo2cartoon_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/photo2cartoon_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/photopen_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/photopen_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/pixel2style2pixel_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/pixel2style2pixel_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/psgan_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/psgan_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/realsr_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/realsr_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/recurrent_vsr_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/recurrent_vsr_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/singan_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/singan_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/styleganv2_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/styleganv2_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/styleganv2clip_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/styleganv2clip_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/styleganv2editing_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/styleganv2editing_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/styleganv2fitting_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/styleganv2fitting_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/styleganv2mixing_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/styleganv2mixing_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/swinir_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/swinir_predictor.py -------------------------------------------------------------------------------- /ppgan/apps/wav2lip_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/apps/wav2lip_predictor.py -------------------------------------------------------------------------------- /ppgan/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/__init__.py -------------------------------------------------------------------------------- /ppgan/datasets/animeganv2_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/animeganv2_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/aotgan_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/aotgan_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/base_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/base_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/base_sr_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/base_sr_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/builder.py -------------------------------------------------------------------------------- /ppgan/datasets/common_vision_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/common_vision_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/empty_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/empty_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/firstorder_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/firstorder_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/gfpgan_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/gfpgan_datasets.py -------------------------------------------------------------------------------- /ppgan/datasets/gpen_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/gpen_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/image_folder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/image_folder.py -------------------------------------------------------------------------------- /ppgan/datasets/invdn_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/invdn_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/lapstyle_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/lapstyle_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/makeup_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/makeup_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/mpr_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/mpr_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/nafnet_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/nafnet_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/paired_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/paired_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/paired_image_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/paired_image_datasets.py -------------------------------------------------------------------------------- /ppgan/datasets/photopen_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/photopen_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/preprocess/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/preprocess/__init__.py -------------------------------------------------------------------------------- /ppgan/datasets/preprocess/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/preprocess/builder.py -------------------------------------------------------------------------------- /ppgan/datasets/preprocess/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/preprocess/io.py -------------------------------------------------------------------------------- /ppgan/datasets/preprocess/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/preprocess/transforms.py -------------------------------------------------------------------------------- /ppgan/datasets/repeat_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/repeat_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/single_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/single_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/starganv2_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/starganv2_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/swinir_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/swinir_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/unpaired_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/unpaired_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/vsr_folder_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/vsr_folder_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/vsr_reds_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/vsr_reds_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/vsr_reds_multiple_gt_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/vsr_reds_multiple_gt_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/vsr_vimeo90k_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/vsr_vimeo90k_dataset.py -------------------------------------------------------------------------------- /ppgan/datasets/wav2lip_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/datasets/wav2lip_dataset.py -------------------------------------------------------------------------------- /ppgan/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/engine/__init__.py -------------------------------------------------------------------------------- /ppgan/engine/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/engine/trainer.py -------------------------------------------------------------------------------- /ppgan/faceutils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/__init__.py -------------------------------------------------------------------------------- /ppgan/faceutils/dlibutils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/dlibutils/__init__.py -------------------------------------------------------------------------------- /ppgan/faceutils/dlibutils/dlib_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/dlibutils/dlib_utils.py -------------------------------------------------------------------------------- /ppgan/faceutils/dlibutils/face_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/dlibutils/face_align.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/__init__.py: -------------------------------------------------------------------------------- 1 | from .api import FaceAlignment, LandmarksType, NetworkSize 2 | -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/api.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/__init__.py: -------------------------------------------------------------------------------- 1 | from .core import FaceDetector 2 | -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/blazeface/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/blazeface/__init__.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/blazeface/blazeface_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/blazeface/blazeface_detector.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/blazeface/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/blazeface/detect.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/blazeface/net_blazeface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/blazeface/net_blazeface.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/blazeface/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/blazeface/utils.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/core.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/sfd/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/sfd/__init__.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/sfd/bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/sfd/bbox.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/sfd/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/sfd/detect.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/sfd/net_s3fd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/sfd/net_s3fd.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/detection/sfd/sfd_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/detection/sfd/sfd_detector.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_detection/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_detection/utils.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_enhancement/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_enhancement/__init__.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_enhancement/face_enhance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_enhancement/face_enhance.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_enhancement/gfpgan_enhance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_enhancement/gfpgan_enhance.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_segmentation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_segmentation/__init__.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_segmentation/face_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_segmentation/face_seg.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_segmentation/fcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_segmentation/fcn.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_segmentation/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_segmentation/hrnet.py -------------------------------------------------------------------------------- /ppgan/faceutils/face_segmentation/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/face_segmentation/layers.py -------------------------------------------------------------------------------- /ppgan/faceutils/image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/image.py -------------------------------------------------------------------------------- /ppgan/faceutils/mask/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/mask/__init__.py -------------------------------------------------------------------------------- /ppgan/faceutils/mask/face_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/mask/face_parser.py -------------------------------------------------------------------------------- /ppgan/faceutils/mask/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/faceutils/mask/model.py -------------------------------------------------------------------------------- /ppgan/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/metrics/__init__.py -------------------------------------------------------------------------------- /ppgan/metrics/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/metrics/builder.py -------------------------------------------------------------------------------- /ppgan/metrics/fid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/metrics/fid.py -------------------------------------------------------------------------------- /ppgan/metrics/inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/metrics/inception.py -------------------------------------------------------------------------------- /ppgan/metrics/lpips.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/metrics/lpips.py -------------------------------------------------------------------------------- /ppgan/metrics/psnr_ssim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/metrics/psnr_ssim.py -------------------------------------------------------------------------------- /ppgan/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/__init__.py -------------------------------------------------------------------------------- /ppgan/models/animeganv2_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/animeganv2_model.py -------------------------------------------------------------------------------- /ppgan/models/aotgan_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/aotgan_model.py -------------------------------------------------------------------------------- /ppgan/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/backbones/__init__.py -------------------------------------------------------------------------------- /ppgan/models/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/base_model.py -------------------------------------------------------------------------------- /ppgan/models/basicvsr_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/basicvsr_model.py -------------------------------------------------------------------------------- /ppgan/models/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/builder.py -------------------------------------------------------------------------------- /ppgan/models/criterions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/__init__.py -------------------------------------------------------------------------------- /ppgan/models/criterions/aotgan_perceptual_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/aotgan_perceptual_loss.py -------------------------------------------------------------------------------- /ppgan/models/criterions/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/builder.py -------------------------------------------------------------------------------- /ppgan/models/criterions/gan_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/gan_loss.py -------------------------------------------------------------------------------- /ppgan/models/criterions/gfpgan_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/gfpgan_loss.py -------------------------------------------------------------------------------- /ppgan/models/criterions/gradient_penalty.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/gradient_penalty.py -------------------------------------------------------------------------------- /ppgan/models/criterions/id_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/id_loss.py -------------------------------------------------------------------------------- /ppgan/models/criterions/perceptual_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/perceptual_loss.py -------------------------------------------------------------------------------- /ppgan/models/criterions/photopen_perceptual_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/photopen_perceptual_loss.py -------------------------------------------------------------------------------- /ppgan/models/criterions/pixel_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/pixel_loss.py -------------------------------------------------------------------------------- /ppgan/models/criterions/ssim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/criterions/ssim.py -------------------------------------------------------------------------------- /ppgan/models/cycle_gan_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/cycle_gan_model.py -------------------------------------------------------------------------------- /ppgan/models/dc_gan_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/dc_gan_model.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/__init__.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/arcface_arch_paddle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/arcface_arch_paddle.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/builder.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/dcdiscriminator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/dcdiscriminator.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/discriminator_animegan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/discriminator_animegan.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/discriminator_aotgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/discriminator_aotgan.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/discriminator_firstorder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/discriminator_firstorder.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/discriminator_lapstyle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/discriminator_lapstyle.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/discriminator_photopen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/discriminator_photopen.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/discriminator_singan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/discriminator_singan.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/discriminator_starganv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/discriminator_starganv2.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/discriminator_styleganv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/discriminator_styleganv2.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/discriminator_ugatit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/discriminator_ugatit.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/nlayers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/nlayers.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/syncnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/syncnet.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/vgg_discriminator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/vgg_discriminator.py -------------------------------------------------------------------------------- /ppgan/models/discriminators/wav2lip_disc_qual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/discriminators/wav2lip_disc_qual.py -------------------------------------------------------------------------------- /ppgan/models/drn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/drn_model.py -------------------------------------------------------------------------------- /ppgan/models/edvr_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/edvr_model.py -------------------------------------------------------------------------------- /ppgan/models/esrgan_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/esrgan_model.py -------------------------------------------------------------------------------- /ppgan/models/firstorder_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/firstorder_model.py -------------------------------------------------------------------------------- /ppgan/models/gan_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/gan_model.py -------------------------------------------------------------------------------- /ppgan/models/generators/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/__init__.py -------------------------------------------------------------------------------- /ppgan/models/generators/basicvsr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/basicvsr.py -------------------------------------------------------------------------------- /ppgan/models/generators/basicvsr_plus_plus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/basicvsr_plus_plus.py -------------------------------------------------------------------------------- /ppgan/models/generators/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/builder.py -------------------------------------------------------------------------------- /ppgan/models/generators/dcgenerator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/dcgenerator.py -------------------------------------------------------------------------------- /ppgan/models/generators/deep_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/deep_conv.py -------------------------------------------------------------------------------- /ppgan/models/generators/deoldify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/deoldify.py -------------------------------------------------------------------------------- /ppgan/models/generators/drn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/drn.py -------------------------------------------------------------------------------- /ppgan/models/generators/edvr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/edvr.py -------------------------------------------------------------------------------- /ppgan/models/generators/generater_animegan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generater_animegan.py -------------------------------------------------------------------------------- /ppgan/models/generators/generater_aotgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generater_aotgan.py -------------------------------------------------------------------------------- /ppgan/models/generators/generater_lapstyle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generater_lapstyle.py -------------------------------------------------------------------------------- /ppgan/models/generators/generater_photopen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generater_photopen.py -------------------------------------------------------------------------------- /ppgan/models/generators/generator_firstorder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generator_firstorder.py -------------------------------------------------------------------------------- /ppgan/models/generators/generator_gpen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generator_gpen.py -------------------------------------------------------------------------------- /ppgan/models/generators/generator_pixel2style2pixel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generator_pixel2style2pixel.py -------------------------------------------------------------------------------- /ppgan/models/generators/generator_singan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generator_singan.py -------------------------------------------------------------------------------- /ppgan/models/generators/generator_starganv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generator_starganv2.py -------------------------------------------------------------------------------- /ppgan/models/generators/generator_styleganv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/generator_styleganv2.py -------------------------------------------------------------------------------- /ppgan/models/generators/gfpganv1_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/gfpganv1_arch.py -------------------------------------------------------------------------------- /ppgan/models/generators/gfpganv1_clean_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/gfpganv1_clean_arch.py -------------------------------------------------------------------------------- /ppgan/models/generators/gpen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/gpen.py -------------------------------------------------------------------------------- /ppgan/models/generators/hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/hook.py -------------------------------------------------------------------------------- /ppgan/models/generators/iconvsr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/iconvsr.py -------------------------------------------------------------------------------- /ppgan/models/generators/invdn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/invdn.py -------------------------------------------------------------------------------- /ppgan/models/generators/lesrcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/lesrcnn.py -------------------------------------------------------------------------------- /ppgan/models/generators/makeup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/makeup.py -------------------------------------------------------------------------------- /ppgan/models/generators/mobile_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/mobile_resnet.py -------------------------------------------------------------------------------- /ppgan/models/generators/mpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/mpr.py -------------------------------------------------------------------------------- /ppgan/models/generators/msvsr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/msvsr.py -------------------------------------------------------------------------------- /ppgan/models/generators/nafnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/nafnet.py -------------------------------------------------------------------------------- /ppgan/models/generators/occlusion_aware.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/occlusion_aware.py -------------------------------------------------------------------------------- /ppgan/models/generators/pan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/pan.py -------------------------------------------------------------------------------- /ppgan/models/generators/prenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/prenet.py -------------------------------------------------------------------------------- /ppgan/models/generators/rcan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/rcan.py -------------------------------------------------------------------------------- /ppgan/models/generators/remaster.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/remaster.py -------------------------------------------------------------------------------- /ppgan/models/generators/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/resnet.py -------------------------------------------------------------------------------- /ppgan/models/generators/resnet_ugatit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/resnet_ugatit.py -------------------------------------------------------------------------------- /ppgan/models/generators/resnet_ugatit_p2c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/resnet_ugatit_p2c.py -------------------------------------------------------------------------------- /ppgan/models/generators/rrdb_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/rrdb_net.py -------------------------------------------------------------------------------- /ppgan/models/generators/stylegan2_clean_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/stylegan2_clean_arch.py -------------------------------------------------------------------------------- /ppgan/models/generators/swinir.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/swinir.py -------------------------------------------------------------------------------- /ppgan/models/generators/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/unet.py -------------------------------------------------------------------------------- /ppgan/models/generators/wav2lip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/generators/wav2lip.py -------------------------------------------------------------------------------- /ppgan/models/gfpgan_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/gfpgan_model.py -------------------------------------------------------------------------------- /ppgan/models/gpen_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/gpen_model.py -------------------------------------------------------------------------------- /ppgan/models/invdn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/invdn_model.py -------------------------------------------------------------------------------- /ppgan/models/lapstyle_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/lapstyle_model.py -------------------------------------------------------------------------------- /ppgan/models/makeup_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/makeup_model.py -------------------------------------------------------------------------------- /ppgan/models/mpr_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/mpr_model.py -------------------------------------------------------------------------------- /ppgan/models/msvsr_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/msvsr_model.py -------------------------------------------------------------------------------- /ppgan/models/nafnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/nafnet_model.py -------------------------------------------------------------------------------- /ppgan/models/photopen_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/photopen_model.py -------------------------------------------------------------------------------- /ppgan/models/pix2pix_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/pix2pix_model.py -------------------------------------------------------------------------------- /ppgan/models/prenet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/prenet_model.py -------------------------------------------------------------------------------- /ppgan/models/rcan_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/rcan_model.py -------------------------------------------------------------------------------- /ppgan/models/singan_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/singan_model.py -------------------------------------------------------------------------------- /ppgan/models/sr_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/sr_model.py -------------------------------------------------------------------------------- /ppgan/models/starganv2_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/starganv2_model.py -------------------------------------------------------------------------------- /ppgan/models/styleganv2_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/styleganv2_model.py -------------------------------------------------------------------------------- /ppgan/models/swinir_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/swinir_model.py -------------------------------------------------------------------------------- /ppgan/models/ugatit_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/ugatit_model.py -------------------------------------------------------------------------------- /ppgan/models/wav2lip_hq_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/wav2lip_hq_model.py -------------------------------------------------------------------------------- /ppgan/models/wav2lip_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/models/wav2lip_model.py -------------------------------------------------------------------------------- /ppgan/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/__init__.py -------------------------------------------------------------------------------- /ppgan/modules/caffevgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/caffevgg.py -------------------------------------------------------------------------------- /ppgan/modules/conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/conv.py -------------------------------------------------------------------------------- /ppgan/modules/dense_motion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/dense_motion.py -------------------------------------------------------------------------------- /ppgan/modules/equalized.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/equalized.py -------------------------------------------------------------------------------- /ppgan/modules/first_order.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/first_order.py -------------------------------------------------------------------------------- /ppgan/modules/fused_act.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/fused_act.py -------------------------------------------------------------------------------- /ppgan/modules/init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/init.py -------------------------------------------------------------------------------- /ppgan/modules/keypoint_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/keypoint_detector.py -------------------------------------------------------------------------------- /ppgan/modules/nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/nn.py -------------------------------------------------------------------------------- /ppgan/modules/norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/norm.py -------------------------------------------------------------------------------- /ppgan/modules/upfirdn2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/upfirdn2d.py -------------------------------------------------------------------------------- /ppgan/modules/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/utils.py -------------------------------------------------------------------------------- /ppgan/modules/wing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/modules/wing.py -------------------------------------------------------------------------------- /ppgan/solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/solver/__init__.py -------------------------------------------------------------------------------- /ppgan/solver/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/solver/builder.py -------------------------------------------------------------------------------- /ppgan/solver/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/solver/lr_scheduler.py -------------------------------------------------------------------------------- /ppgan/solver/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/solver/optimizer.py -------------------------------------------------------------------------------- /ppgan/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/__init__.py -------------------------------------------------------------------------------- /ppgan/utils/animate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/animate.py -------------------------------------------------------------------------------- /ppgan/utils/audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/audio.py -------------------------------------------------------------------------------- /ppgan/utils/audio_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/audio_config.py -------------------------------------------------------------------------------- /ppgan/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/config.py -------------------------------------------------------------------------------- /ppgan/utils/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/download.py -------------------------------------------------------------------------------- /ppgan/utils/filesystem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/filesystem.py -------------------------------------------------------------------------------- /ppgan/utils/gfpgan_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/gfpgan_tools.py -------------------------------------------------------------------------------- /ppgan/utils/image_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/image_pool.py -------------------------------------------------------------------------------- /ppgan/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/logger.py -------------------------------------------------------------------------------- /ppgan/utils/options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/options.py -------------------------------------------------------------------------------- /ppgan/utils/photopen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/photopen.py -------------------------------------------------------------------------------- /ppgan/utils/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/preprocess.py -------------------------------------------------------------------------------- /ppgan/utils/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/profiler.py -------------------------------------------------------------------------------- /ppgan/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/registry.py -------------------------------------------------------------------------------- /ppgan/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/setup.py -------------------------------------------------------------------------------- /ppgan/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/timer.py -------------------------------------------------------------------------------- /ppgan/utils/video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/video.py -------------------------------------------------------------------------------- /ppgan/utils/visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/utils/visual.py -------------------------------------------------------------------------------- /ppgan/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/ppgan/version.py -------------------------------------------------------------------------------- /python: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/requirements.txt -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/setup.py -------------------------------------------------------------------------------- /test/coco_stuff/test_inst/ADE_train_00000569.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/test_inst/ADE_train_00000569.png -------------------------------------------------------------------------------- /test/coco_stuff/test_inst/ADE_train_00000583.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/test_inst/ADE_train_00000583.png -------------------------------------------------------------------------------- /test/coco_stuff/test_inst/ADE_train_00000955.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/test_inst/ADE_train_00000955.png -------------------------------------------------------------------------------- /test/coco_stuff/test_inst/ADE_train_00002089.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/test_inst/ADE_train_00002089.png -------------------------------------------------------------------------------- /test/coco_stuff/train_img/ADE_train_00000569.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/train_img/ADE_train_00000569.jpg -------------------------------------------------------------------------------- /test/coco_stuff/train_img/ADE_train_00000583.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/train_img/ADE_train_00000583.jpg -------------------------------------------------------------------------------- /test/coco_stuff/train_img/ADE_train_00000955.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/train_img/ADE_train_00000955.jpg -------------------------------------------------------------------------------- /test/coco_stuff/train_img/ADE_train_00002089.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/train_img/ADE_train_00002089.jpg -------------------------------------------------------------------------------- /test/coco_stuff/train_inst/ADE_train_00000569.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/train_inst/ADE_train_00000569.png -------------------------------------------------------------------------------- /test/coco_stuff/train_inst/ADE_train_00000583.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/train_inst/ADE_train_00000583.png -------------------------------------------------------------------------------- /test/coco_stuff/train_inst/ADE_train_00000955.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/train_inst/ADE_train_00000955.png -------------------------------------------------------------------------------- /test/coco_stuff/train_inst/ADE_train_00002089.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/coco_stuff/train_inst/ADE_train_00002089.png -------------------------------------------------------------------------------- /test/pic_.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/pic_.jpg -------------------------------------------------------------------------------- /test/readme.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/readme.txt -------------------------------------------------------------------------------- /test/sem.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test/sem.png -------------------------------------------------------------------------------- /test_tipc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/README.md -------------------------------------------------------------------------------- /test_tipc/benchmark_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/benchmark_train.sh -------------------------------------------------------------------------------- /test_tipc/common_func.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/common_func.sh -------------------------------------------------------------------------------- /test_tipc/compare_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/compare_results.py -------------------------------------------------------------------------------- /test_tipc/configs/CycleGAN/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/CycleGAN/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/FOMM/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/FOMM/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/GFPGAN/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/GFPGAN/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/Pix2pix/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/Pix2pix/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/StyleGANv2/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/StyleGANv2/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/aotgan/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/aotgan/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/basicvsr/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/basicvsr/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/edvr/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/edvr/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/edvr/train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/edvr/train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt -------------------------------------------------------------------------------- /test_tipc/configs/esrgan/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/esrgan/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/invdn/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/invdn/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/msvsr/model_linux_gpu_normal_normal_infer_cpp_linux_gpu_cpu.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/msvsr/model_linux_gpu_normal_normal_infer_cpp_linux_gpu_cpu.txt -------------------------------------------------------------------------------- /test_tipc/configs/msvsr/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/msvsr/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/msvsr/train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/msvsr/train_linux_gpu_normal_amp_infer_python_linux_gpu_cpu.txt -------------------------------------------------------------------------------- /test_tipc/configs/nafnet/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/nafnet/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/singan/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/singan/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/configs/swinir/train_infer_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/configs/swinir/train_infer_python.txt -------------------------------------------------------------------------------- /test_tipc/docs/benchmark_train.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/docs/benchmark_train.md -------------------------------------------------------------------------------- /test_tipc/docs/compare_right.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/docs/compare_right.png -------------------------------------------------------------------------------- /test_tipc/docs/compare_wrong.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/docs/compare_wrong.png -------------------------------------------------------------------------------- /test_tipc/docs/test.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/docs/test.png -------------------------------------------------------------------------------- /test_tipc/docs/test_inference_cpp.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/docs/test_inference_cpp.md -------------------------------------------------------------------------------- /test_tipc/docs/test_train_inference_python.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/docs/test_train_inference_python.md -------------------------------------------------------------------------------- /test_tipc/prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/prepare.sh -------------------------------------------------------------------------------- /test_tipc/results/python_basicvsr_results_fp32.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/results/python_basicvsr_results_fp32.txt -------------------------------------------------------------------------------- /test_tipc/results/python_cyclegan_results_fp32.txt: -------------------------------------------------------------------------------- 1 | Metric fid: 67.9814 2 | -------------------------------------------------------------------------------- /test_tipc/results/python_fom_results_fp32.txt: -------------------------------------------------------------------------------- 1 | Metric l1 loss: 0.1210 2 | -------------------------------------------------------------------------------- /test_tipc/results/python_msvsr_results_fp32.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/results/python_msvsr_results_fp32.txt -------------------------------------------------------------------------------- /test_tipc/results/python_pix2pix_results_fp32.txt: -------------------------------------------------------------------------------- 1 | Metric fid: 139.3846 2 | -------------------------------------------------------------------------------- /test_tipc/results/python_singan_results_fp32.txt: -------------------------------------------------------------------------------- 1 | Metric fid: 124.0369 2 | -------------------------------------------------------------------------------- /test_tipc/results/python_stylegan2_results_fp32.txt: -------------------------------------------------------------------------------- 1 | Metric fid: 153.9647 2 | -------------------------------------------------------------------------------- /test_tipc/test_inference_cpp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/test_inference_cpp.sh -------------------------------------------------------------------------------- /test_tipc/test_train_inference_python.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/test_train_inference_python.sh -------------------------------------------------------------------------------- /test_tipc/test_train_inference_python_npu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/test_train_inference_python_npu.sh -------------------------------------------------------------------------------- /test_tipc/test_train_inference_python_xpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/test_tipc/test_train_inference_python_xpu.sh -------------------------------------------------------------------------------- /tools/animegan_picmean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/tools/animegan_picmean.py -------------------------------------------------------------------------------- /tools/export_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/tools/export_model.py -------------------------------------------------------------------------------- /tools/extract_weight.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/tools/extract_weight.py -------------------------------------------------------------------------------- /tools/fom_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/tools/fom_infer.py -------------------------------------------------------------------------------- /tools/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/tools/inference.py -------------------------------------------------------------------------------- /tools/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/tools/main.py -------------------------------------------------------------------------------- /tools/psgan_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/tools/psgan_infer.py -------------------------------------------------------------------------------- /tools/styleclip_getf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/PaddleGAN/HEAD/tools/styleclip_getf.py --------------------------------------------------------------------------------