├── .gitignore ├── Installation.md ├── LICENSE ├── README.md ├── configs ├── diffusion_config.yaml ├── ffhq_model.yaml └── imagenet_model.yaml ├── debug_script.py ├── demo_imges.py ├── demo_trajectory.py ├── material ├── Technology_Innovation_Institute_Logo.jpg ├── inpainting_middle-ffhq-0.01-gaussian-00011.png.png ├── inpainting_middle-imagenet-0.01-poisson-00002.jpg.png ├── jpeg2-celebahq-0.01-gaussian-00038.jpg.png ├── jpeg2-imagenet-0.01-poisson-00046.jpg.png ├── outpainting_expand-ffhq-0.01-gaussian-00006.png.png ├── outpainting_expand-imagenet-0.01-poisson-00050.jpg.png ├── outpainting_half-celebahq-0.01-poisson-00002.jpg.png ├── outpainting_half-ffhq-0.01-gaussian-00010.png.png ├── outpainting_half-imagenet-0.01-poisson-00053.jpg.png ├── sr16-celebahq-0.01-gaussian-00018.jpg.png ├── traj_result_1.png └── traj_result_2.png ├── pyproject.toml ├── setup.py ├── src ├── ddrm │ ├── .gitignore │ ├── LICENSE │ ├── README.md │ ├── configs │ │ ├── bedroom.yml │ │ ├── cat.yml │ │ ├── celeba_hq.yml │ │ ├── church.yml │ │ ├── imagenet_256.yml │ │ ├── imagenet_256_cc.yml │ │ └── imagenet_512_cc.yml │ ├── datasets │ │ ├── __init__.py │ │ ├── celeba.py │ │ ├── imagenet_subset.py │ │ ├── lsun.py │ │ ├── utils.py │ │ └── vision.py │ ├── environment.yml │ ├── figures │ │ └── ddrm-overview.png │ ├── functions │ │ ├── __init__.py │ │ ├── ckpt_util.py │ │ ├── denoising.py │ │ └── svd_replacement.py │ ├── guided_diffusion │ │ ├── fp16_util.py │ │ ├── logger.py │ │ ├── nn.py │ │ ├── script_util.py │ │ └── unet.py │ ├── inp_masks │ │ ├── lolcat_extra.npy │ │ └── lorem3.npy │ ├── main.py │ ├── models │ │ └── diffusion.py │ └── runners │ │ ├── __init__.py │ │ └── diffusion.py ├── guided_diffusion │ ├── __init__.py │ ├── condition_methods.py │ ├── fp16_util.py │ ├── gaussian_diffusion.py │ ├── measurements.py │ ├── nn.py │ ├── posterior_mean_variance.py │ └── unet.py ├── imaging │ ├── compute_metric.py │ ├── fastmri_utils.py │ ├── img_utils.py │ ├── logger.py │ ├── resizer.py │ └── tools.py ├── inverse_problem_with_diffusion_prior │ ├── README.md │ ├── aggregate_gmm_table.py │ ├── configs │ │ ├── config.yaml │ │ ├── dataset │ │ │ ├── bedroom.yaml │ │ │ ├── cats.yaml │ │ │ ├── celeb.yaml │ │ │ ├── churches.yaml │ │ │ ├── cifar_10.yaml │ │ │ ├── flowers.yaml │ │ │ └── mnist.yaml │ │ ├── ddrm │ │ │ ├── colorization.yaml │ │ │ ├── default.yaml │ │ │ ├── empty.yaml │ │ │ └── outpainting.yaml │ │ ├── diffusion │ │ │ ├── ddim_10.yaml │ │ │ ├── ddim_100.yaml │ │ │ └── ddim_250.yaml │ │ ├── dps │ │ │ ├── colorization.yaml │ │ │ ├── deblur_2d.yaml │ │ │ ├── default.yaml │ │ │ └── outpainting.yaml │ │ ├── mcg_diff │ │ │ ├── colorization.yaml │ │ │ ├── default.yaml │ │ │ ├── empty.yaml │ │ │ └── outpainting.yaml │ │ └── task │ │ │ ├── colorization.yaml │ │ │ ├── deblur_2d.yaml │ │ │ ├── inpainting.yaml │ │ │ ├── motion_blur.yaml │ │ │ ├── outpainting.yaml │ │ │ └── super_resolution.yaml │ ├── eval_funnel.py │ ├── flows │ │ ├── mlp.py │ │ ├── rnvp.py │ │ └── vi_test.py │ ├── funnel_animation.py │ ├── funnel_mm.py │ ├── gmm.py │ ├── gmm_to_break_mcg_diff.py │ ├── image_inpainting.py │ ├── inp_masks │ │ ├── half.npy │ │ ├── inv_square.npy │ │ ├── lolcat_extra.npy │ │ ├── lorem3.npy │ │ └── square.npy │ ├── ipwdp │ │ ├── __init__.py │ │ ├── diffusion.py │ │ ├── generative_models.py │ │ ├── image_utils.py │ │ ├── inverse_problems_utils.py │ │ ├── nn_utils.py │ │ ├── optimal_particle_filter.py │ │ ├── smc_diff.py │ │ └── svd_replacement.py │ ├── models │ │ └── celeba │ │ │ ├── celeba_hq.ckpt │ │ │ └── celeba_hq.yml │ ├── requirements.txt │ └── run_hf.py ├── local_paths.py ├── mcg_diff │ ├── README.md │ ├── mcgdiff_test.py │ ├── particle_filter.py │ ├── requirements.txt │ ├── requirements_scripts.txt │ ├── scripts │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── config.yaml │ │ │ ├── dataset │ │ │ │ ├── bedroom.yaml │ │ │ │ ├── cats.yaml │ │ │ │ ├── celeb.yaml │ │ │ │ ├── churches.yaml │ │ │ │ ├── cifar_10.yaml │ │ │ │ ├── flowers.yaml │ │ │ │ └── mnist.yaml │ │ │ ├── diffusion │ │ │ │ ├── ddim_10.yaml │ │ │ │ ├── ddim_100.yaml │ │ │ │ └── ddim_250.yaml │ │ │ ├── mcg_diff │ │ │ │ ├── colorization.yaml │ │ │ │ ├── default.yaml │ │ │ │ ├── empty.yaml │ │ │ │ └── outpainting.yaml │ │ │ └── task │ │ │ │ ├── colorization.yaml │ │ │ │ ├── deblur_2d.yaml │ │ │ │ ├── inpainting.yaml │ │ │ │ ├── motion_blur.yaml │ │ │ │ ├── outpainting.yaml │ │ │ │ └── super_resolution.yaml │ │ ├── hugging_faces_models.py │ │ ├── inverse_problems_operators.py │ │ └── viz_gaussian.py │ ├── setup.py │ ├── sgm.py │ ├── tests │ │ └── test_particle_filter.py │ └── utils.py ├── posterior_samplers │ ├── __init__.py │ ├── cond_sampling_algos.py │ ├── dcps.py │ ├── diffusion_utils.py │ ├── reddiff.py │ └── traj_utils.py ├── red_diff │ ├── .gitignore │ ├── LICENSE │ ├── README.md │ ├── _configs │ │ ├── algo │ │ │ ├── ddim.yaml │ │ │ ├── ddrm.yaml │ │ │ ├── dps.yaml │ │ │ ├── identity.yaml │ │ │ ├── mcg.yaml │ │ │ ├── pgdm.yaml │ │ │ ├── reddiff.yaml │ │ │ ├── reddiff_parallel.yaml │ │ │ ├── sds.yaml │ │ │ └── sds_var.yaml │ │ ├── ca.yaml │ │ ├── classifier │ │ │ ├── imagenet256_cond.yaml │ │ │ ├── imagenet512_cond.yaml │ │ │ └── none.yaml │ │ ├── dataset │ │ │ ├── ffhq256_train.yaml │ │ │ ├── ffhq256_val.yaml │ │ │ ├── imagenet256_train.yaml │ │ │ ├── imagenet256_val.yaml │ │ │ └── imagenet512_val.yaml │ │ ├── ddrmpp.yaml │ │ ├── ddrmpp_ffhq.yaml │ │ ├── diffusion │ │ │ └── linear1000.yaml │ │ ├── dist │ │ │ └── localhost.yaml │ │ ├── exp │ │ │ ├── default.yaml │ │ │ └── fid_stats.yaml │ │ ├── ffhq256_uncond.yaml │ │ ├── fid.yaml │ │ ├── fid_stats.yaml │ │ ├── imagenet256_cond.yaml │ │ ├── imagenet256_uncond.yaml │ │ ├── imagenet512_cond.yaml │ │ ├── inception_score.yaml │ │ ├── loader │ │ │ ├── imagenet256_ddrm.yaml │ │ │ ├── imagenet256_ddrmpp.yaml │ │ │ ├── imagenet256_inception.yaml │ │ │ └── imagenet512_ddrmpp.yaml │ │ ├── model │ │ │ ├── ffhq256_uncond.yaml │ │ │ ├── imagenet256_cond.yaml │ │ │ ├── imagenet256_uncond.yaml │ │ │ └── imagenet512_cond.yaml │ │ ├── nonlinear_deblur_config.yaml │ │ ├── psnr.yaml │ │ └── stablediff │ │ │ └── params.yaml │ ├── algos │ │ ├── ddim.py │ │ ├── ddrm.py │ │ ├── deis.py │ │ ├── dps.py │ │ ├── identity.py │ │ ├── mcg.py │ │ ├── pgdm.py │ │ ├── reddiff.py │ │ ├── reddiff_parallel.py │ │ ├── sds.py │ │ └── sds_var.py │ ├── bkse │ │ ├── .gitignore │ │ ├── LICENSE │ │ ├── README.md │ │ ├── data │ │ │ ├── GOPRO_dataset.py │ │ │ ├── REDS_dataset.py │ │ │ ├── __init__.py │ │ │ ├── data_sampler.py │ │ │ ├── mix_dataset.py │ │ │ └── util.py │ │ ├── data_augmentation.py │ │ ├── domain_specific_deblur.py │ │ ├── experiments │ │ │ └── pretrained │ │ │ │ └── kernel.pth │ │ ├── generate_blur.py │ │ ├── generic_deblur.py │ │ ├── imgs │ │ │ ├── blur_faces │ │ │ │ └── face01.png │ │ │ ├── blur_imgs │ │ │ │ ├── blur1.png │ │ │ │ └── blur2.png │ │ │ ├── results │ │ │ │ ├── augmentation.jpg │ │ │ │ ├── domain_specific_deblur.jpg │ │ │ │ ├── general_deblurring.jpg │ │ │ │ ├── generate_blur.jpg │ │ │ │ └── kernel_encoding_wGT.png │ │ │ ├── sharp_imgs │ │ │ │ └── mushishi.png │ │ │ └── teaser.jpg │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── arch_util.py │ │ │ ├── backbones │ │ │ │ ├── resnet.py │ │ │ │ ├── skip │ │ │ │ │ ├── concat.py │ │ │ │ │ ├── downsampler.py │ │ │ │ │ ├── non_local_dot_product.py │ │ │ │ │ ├── skip.py │ │ │ │ │ └── util.py │ │ │ │ └── unet_parts.py │ │ │ ├── deblurring │ │ │ │ ├── image_deblur.py │ │ │ │ └── joint_deblur.py │ │ │ ├── dips.py │ │ │ ├── dsd │ │ │ │ ├── bicubic.py │ │ │ │ ├── dsd.py │ │ │ │ ├── dsd_stylegan.py │ │ │ │ ├── dsd_stylegan2.py │ │ │ │ ├── op │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── fused_act.py │ │ │ │ │ ├── fused_bias_act.cpp │ │ │ │ │ ├── fused_bias_act_kernel.cu │ │ │ │ │ ├── upfirdn2d.cpp │ │ │ │ │ ├── upfirdn2d.py │ │ │ │ │ └── upfirdn2d_kernel.cu │ │ │ │ ├── spherical_optimizer.py │ │ │ │ ├── stylegan.py │ │ │ │ └── stylegan2.py │ │ │ ├── kernel_encoding │ │ │ │ ├── base_model.py │ │ │ │ ├── image_base_model.py │ │ │ │ └── kernel_wizard.py │ │ │ ├── losses │ │ │ │ ├── charbonnier_loss.py │ │ │ │ ├── dsd_loss.py │ │ │ │ ├── gan_loss.py │ │ │ │ ├── hyper_laplacian_penalty.py │ │ │ │ ├── perceptual_loss.py │ │ │ │ └── ssim_loss.py │ │ │ └── lr_scheduler.py │ │ ├── options │ │ │ ├── __init__.py │ │ │ ├── data_augmentation │ │ │ │ └── default.yml │ │ │ ├── domain_specific_deblur │ │ │ │ ├── stylegan.yml │ │ │ │ └── stylegan2.yml │ │ │ ├── generate_blur │ │ │ │ └── default.yml │ │ │ ├── generic_deblur │ │ │ │ └── default.yml │ │ │ ├── kernel_encoding │ │ │ │ ├── GOPRO │ │ │ │ │ ├── wVAE.yml │ │ │ │ │ └── woVAE.yml │ │ │ │ ├── REDS │ │ │ │ │ └── woVAE.yml │ │ │ │ └── mix │ │ │ │ │ └── woVAE.yml │ │ │ └── options.py │ │ ├── requirements.txt │ │ ├── scripts │ │ │ ├── create_lmdb.py │ │ │ └── download_dataset.py │ │ ├── train.py │ │ ├── train_script.sh │ │ └── utils │ │ │ ├── __init__.py │ │ │ └── util.py │ ├── datasets │ │ ├── __init__.py │ │ ├── ffhq.py │ │ ├── imagenet.py │ │ ├── lmdb_dataset.py │ │ └── lsun.py │ ├── demo │ │ └── output.gif │ ├── eval │ │ ├── ca.py │ │ ├── fid.py │ │ ├── fid_stats.py │ │ ├── inception_score.py │ │ └── psnr.py │ ├── main.py │ ├── misc │ │ ├── dgp_top10.txt │ │ ├── dgp_top100.txt │ │ ├── dgp_top1k.txt │ │ ├── mcg_top1k.txt │ │ ├── palette_10k.txt │ │ ├── palette_5k.txt │ │ ├── palette_jpeg_demo.txt │ │ └── sr3_top1k.txt │ ├── models │ │ ├── __init__.py │ │ ├── classifier_guidance_model.py │ │ ├── diffusion.py │ │ └── guided_diffusion │ │ │ ├── __init__.py │ │ │ ├── fp16_util.py │ │ │ ├── logger.py │ │ │ ├── nn.py │ │ │ ├── script_util.py │ │ │ └── unet.py │ ├── motionblur │ │ ├── .gitignore │ │ ├── README.md │ │ ├── __init__.py │ │ ├── environment.yaml │ │ ├── example_kernel │ │ │ ├── kernel0.png │ │ │ ├── kernel100.png │ │ │ ├── kernel25.png │ │ │ ├── kernel50.png │ │ │ └── kernel75.png │ │ ├── images │ │ │ ├── flag.png │ │ │ ├── flagBLURRED.png │ │ │ └── moon.png │ │ ├── intensity.png │ │ └── motionblur.py │ ├── output.gif │ ├── playground │ │ ├── 100.png │ │ ├── 1000.png │ │ ├── 20.png │ │ ├── 50.png │ │ ├── 500.png │ │ ├── Untitled.ipynb │ │ ├── Untitled1.ipynb │ │ ├── adm.png │ │ ├── adm0.png │ │ ├── adm1.png │ │ ├── adm2.png │ │ ├── adm3.png │ │ ├── adm4.png │ │ ├── adm5.png │ │ ├── awd.png │ │ ├── awd_fwd.png │ │ ├── coltran_bot5k.txt │ │ ├── coltran_top5k.txt │ │ ├── compare_openai_sr_model.ipynb │ │ ├── ctest10k.txt │ │ ├── ddrmpp_res │ │ │ ├── 0.png │ │ │ ├── 10.png │ │ │ ├── 2.png │ │ │ ├── 20.png │ │ │ ├── 3.png │ │ │ └── 7.png │ │ ├── dgp_top1k.txt │ │ ├── figures.ipynb │ │ ├── jpeg5_deg │ │ │ ├── 0.png │ │ │ ├── 10.png │ │ │ ├── 2.png │ │ │ ├── 20.png │ │ │ ├── 3.png │ │ │ └── 7.png │ │ ├── jpeg5_ori │ │ │ ├── 0.png │ │ │ ├── 10.png │ │ │ ├── 2.png │ │ │ ├── 20.png │ │ │ ├── 3.png │ │ │ └── 7.png │ │ ├── lip.ipynb │ │ ├── palette_10k.txt │ │ ├── palette_img │ │ │ ├── 0.jpg │ │ │ ├── 10.jpg │ │ │ ├── 11.jpg │ │ │ ├── 2.jpg │ │ │ ├── 3.jpg │ │ │ └── 7.jpg │ │ ├── palette_result │ │ │ ├── 0.png │ │ │ ├── 10.png │ │ │ ├── 11.png │ │ │ ├── 2.png │ │ │ ├── 20.png │ │ │ ├── 3.png │ │ │ └── 7.png │ │ ├── plot_awd_steps.ipynb │ │ ├── process_imagenet_txt.ipynb │ │ └── svd.ipynb │ ├── requirements.txt │ ├── run_eval.sh │ ├── sample_batch.sh │ ├── sample_test.sh │ └── utils │ │ ├── checkpoints.py │ │ ├── dct.py │ │ ├── degredations.py │ │ ├── distributed.py │ │ ├── fft_utils.py │ │ ├── functions.py │ │ ├── jpeg_quantization.py │ │ ├── jpeg_torch.py │ │ └── save.py ├── trajnet │ ├── __init__.py │ ├── datasets │ │ ├── __init__.py │ │ ├── dummy.py │ │ └── pedestrians.py │ ├── denoisers.py │ ├── diffusion_utils.py │ ├── layers.py │ ├── models.py │ ├── schedulers.py │ └── utils.py └── utils │ ├── DiffJPEG │ ├── DiffJPEG.py │ ├── README.md │ ├── __init__.py │ ├── compress_jpeg.py │ ├── decompress_jpeg.py │ └── utils.py │ ├── __init__.py │ ├── metrics.py │ └── utils.py └── training_trajectory.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/.gitignore -------------------------------------------------------------------------------- /Installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/Installation.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/README.md -------------------------------------------------------------------------------- /configs/diffusion_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/configs/diffusion_config.yaml -------------------------------------------------------------------------------- /configs/ffhq_model.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/configs/ffhq_model.yaml -------------------------------------------------------------------------------- /configs/imagenet_model.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/configs/imagenet_model.yaml -------------------------------------------------------------------------------- /debug_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/debug_script.py -------------------------------------------------------------------------------- /demo_imges.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/demo_imges.py -------------------------------------------------------------------------------- /demo_trajectory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/demo_trajectory.py -------------------------------------------------------------------------------- /material/Technology_Innovation_Institute_Logo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/Technology_Innovation_Institute_Logo.jpg -------------------------------------------------------------------------------- /material/inpainting_middle-ffhq-0.01-gaussian-00011.png.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/inpainting_middle-ffhq-0.01-gaussian-00011.png.png -------------------------------------------------------------------------------- /material/inpainting_middle-imagenet-0.01-poisson-00002.jpg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/inpainting_middle-imagenet-0.01-poisson-00002.jpg.png -------------------------------------------------------------------------------- /material/jpeg2-celebahq-0.01-gaussian-00038.jpg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/jpeg2-celebahq-0.01-gaussian-00038.jpg.png -------------------------------------------------------------------------------- /material/jpeg2-imagenet-0.01-poisson-00046.jpg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/jpeg2-imagenet-0.01-poisson-00046.jpg.png -------------------------------------------------------------------------------- /material/outpainting_expand-ffhq-0.01-gaussian-00006.png.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/outpainting_expand-ffhq-0.01-gaussian-00006.png.png -------------------------------------------------------------------------------- /material/outpainting_expand-imagenet-0.01-poisson-00050.jpg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/outpainting_expand-imagenet-0.01-poisson-00050.jpg.png -------------------------------------------------------------------------------- /material/outpainting_half-celebahq-0.01-poisson-00002.jpg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/outpainting_half-celebahq-0.01-poisson-00002.jpg.png -------------------------------------------------------------------------------- /material/outpainting_half-ffhq-0.01-gaussian-00010.png.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/outpainting_half-ffhq-0.01-gaussian-00010.png.png -------------------------------------------------------------------------------- /material/outpainting_half-imagenet-0.01-poisson-00053.jpg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/outpainting_half-imagenet-0.01-poisson-00053.jpg.png -------------------------------------------------------------------------------- /material/sr16-celebahq-0.01-gaussian-00018.jpg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/sr16-celebahq-0.01-gaussian-00018.jpg.png -------------------------------------------------------------------------------- /material/traj_result_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/traj_result_1.png -------------------------------------------------------------------------------- /material/traj_result_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/material/traj_result_2.png -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/pyproject.toml -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/setup.py -------------------------------------------------------------------------------- /src/ddrm/.gitignore: -------------------------------------------------------------------------------- 1 | .vscode 2 | __pycache__/ 3 | *.pth 4 | exp/ 5 | -------------------------------------------------------------------------------- /src/ddrm/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/LICENSE -------------------------------------------------------------------------------- /src/ddrm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/README.md -------------------------------------------------------------------------------- /src/ddrm/configs/bedroom.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/configs/bedroom.yml -------------------------------------------------------------------------------- /src/ddrm/configs/cat.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/configs/cat.yml -------------------------------------------------------------------------------- /src/ddrm/configs/celeba_hq.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/configs/celeba_hq.yml -------------------------------------------------------------------------------- /src/ddrm/configs/church.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/configs/church.yml -------------------------------------------------------------------------------- /src/ddrm/configs/imagenet_256.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/configs/imagenet_256.yml -------------------------------------------------------------------------------- /src/ddrm/configs/imagenet_256_cc.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/configs/imagenet_256_cc.yml -------------------------------------------------------------------------------- /src/ddrm/configs/imagenet_512_cc.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/configs/imagenet_512_cc.yml -------------------------------------------------------------------------------- /src/ddrm/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/datasets/__init__.py -------------------------------------------------------------------------------- /src/ddrm/datasets/celeba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/datasets/celeba.py -------------------------------------------------------------------------------- /src/ddrm/datasets/imagenet_subset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/datasets/imagenet_subset.py -------------------------------------------------------------------------------- /src/ddrm/datasets/lsun.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/datasets/lsun.py -------------------------------------------------------------------------------- /src/ddrm/datasets/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/datasets/utils.py -------------------------------------------------------------------------------- /src/ddrm/datasets/vision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/datasets/vision.py -------------------------------------------------------------------------------- /src/ddrm/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/environment.yml -------------------------------------------------------------------------------- /src/ddrm/figures/ddrm-overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/figures/ddrm-overview.png -------------------------------------------------------------------------------- /src/ddrm/functions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/ddrm/functions/ckpt_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/functions/ckpt_util.py -------------------------------------------------------------------------------- /src/ddrm/functions/denoising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/functions/denoising.py -------------------------------------------------------------------------------- /src/ddrm/functions/svd_replacement.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/functions/svd_replacement.py -------------------------------------------------------------------------------- /src/ddrm/guided_diffusion/fp16_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/guided_diffusion/fp16_util.py -------------------------------------------------------------------------------- /src/ddrm/guided_diffusion/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/guided_diffusion/logger.py -------------------------------------------------------------------------------- /src/ddrm/guided_diffusion/nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/guided_diffusion/nn.py -------------------------------------------------------------------------------- /src/ddrm/guided_diffusion/script_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/guided_diffusion/script_util.py -------------------------------------------------------------------------------- /src/ddrm/guided_diffusion/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/guided_diffusion/unet.py -------------------------------------------------------------------------------- /src/ddrm/inp_masks/lolcat_extra.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/inp_masks/lolcat_extra.npy -------------------------------------------------------------------------------- /src/ddrm/inp_masks/lorem3.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/inp_masks/lorem3.npy -------------------------------------------------------------------------------- /src/ddrm/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/main.py -------------------------------------------------------------------------------- /src/ddrm/models/diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/models/diffusion.py -------------------------------------------------------------------------------- /src/ddrm/runners/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/ddrm/runners/diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/ddrm/runners/diffusion.py -------------------------------------------------------------------------------- /src/guided_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/guided_diffusion/__init__.py -------------------------------------------------------------------------------- /src/guided_diffusion/condition_methods.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/guided_diffusion/condition_methods.py -------------------------------------------------------------------------------- /src/guided_diffusion/fp16_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/guided_diffusion/fp16_util.py -------------------------------------------------------------------------------- /src/guided_diffusion/gaussian_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/guided_diffusion/gaussian_diffusion.py -------------------------------------------------------------------------------- /src/guided_diffusion/measurements.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/guided_diffusion/measurements.py -------------------------------------------------------------------------------- /src/guided_diffusion/nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/guided_diffusion/nn.py -------------------------------------------------------------------------------- /src/guided_diffusion/posterior_mean_variance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/guided_diffusion/posterior_mean_variance.py -------------------------------------------------------------------------------- /src/guided_diffusion/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/guided_diffusion/unet.py -------------------------------------------------------------------------------- /src/imaging/compute_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/imaging/compute_metric.py -------------------------------------------------------------------------------- /src/imaging/fastmri_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/imaging/fastmri_utils.py -------------------------------------------------------------------------------- /src/imaging/img_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/imaging/img_utils.py -------------------------------------------------------------------------------- /src/imaging/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/imaging/logger.py -------------------------------------------------------------------------------- /src/imaging/resizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/imaging/resizer.py -------------------------------------------------------------------------------- /src/imaging/tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/imaging/tools.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/README.md -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/aggregate_gmm_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/aggregate_gmm_table.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/config.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dataset/bedroom.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/dataset/bedroom.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dataset/cats.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/dataset/cats.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dataset/celeb.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/dataset/celeb.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dataset/churches.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/dataset/churches.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dataset/cifar_10.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/dataset/cifar_10.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dataset/flowers.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/dataset/flowers.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dataset/mnist.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/dataset/mnist.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/ddrm/colorization.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/ddrm/colorization.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/ddrm/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/ddrm/default.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/ddrm/empty.yaml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/ddrm/outpainting.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/ddrm/outpainting.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/diffusion/ddim_10.yaml: -------------------------------------------------------------------------------- 1 | n_steps: 10 2 | eta: .1 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/diffusion/ddim_100.yaml: -------------------------------------------------------------------------------- 1 | n_steps: 100 2 | eta: 1 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/diffusion/ddim_250.yaml: -------------------------------------------------------------------------------- 1 | n_steps: 250 2 | eta: 1 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dps/colorization.yaml: -------------------------------------------------------------------------------- 1 | N_total: 100 2 | lr: .1 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dps/deblur_2d.yaml: -------------------------------------------------------------------------------- 1 | N_total: 1000 2 | lr: .1 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dps/default.yaml: -------------------------------------------------------------------------------- 1 | N_total: 1000 2 | lr: 1 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/dps/outpainting.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/dps/outpainting.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/mcg_diff/colorization.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/mcg_diff/colorization.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/mcg_diff/default.yaml: -------------------------------------------------------------------------------- 1 | N_total: 1000 2 | N_particles: 64 3 | gaussian_var: 1e-4 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/mcg_diff/empty.yaml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/mcg_diff/outpainting.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/mcg_diff/outpainting.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/task/colorization.yaml: -------------------------------------------------------------------------------- 1 | name: colorization 2 | sigma_y: 0 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/task/deblur_2d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/task/deblur_2d.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/task/inpainting.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/task/inpainting.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/task/motion_blur.yaml: -------------------------------------------------------------------------------- 1 | name: motion_blur 2 | sigma_y: 0.1 3 | kernel_size: 0.2 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/task/outpainting.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/configs/task/outpainting.yaml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/configs/task/super_resolution.yaml: -------------------------------------------------------------------------------- 1 | name: super_resolution 2 | sigma_y: 0.05 3 | ratio: 16 -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/eval_funnel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/eval_funnel.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/flows/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/flows/mlp.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/flows/rnvp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/flows/rnvp.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/flows/vi_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/flows/vi_test.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/funnel_animation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/funnel_animation.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/funnel_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/funnel_mm.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/gmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/gmm.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/gmm_to_break_mcg_diff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/gmm_to_break_mcg_diff.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/image_inpainting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/image_inpainting.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/inp_masks/half.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/inp_masks/half.npy -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/inp_masks/inv_square.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/inp_masks/inv_square.npy -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/inp_masks/lolcat_extra.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/inp_masks/lolcat_extra.npy -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/inp_masks/lorem3.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/inp_masks/lorem3.npy -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/inp_masks/square.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/inp_masks/square.npy -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/ipwdp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/ipwdp/diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/ipwdp/diffusion.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/ipwdp/generative_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/ipwdp/generative_models.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/ipwdp/image_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/ipwdp/image_utils.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/ipwdp/inverse_problems_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/ipwdp/inverse_problems_utils.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/ipwdp/nn_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/ipwdp/nn_utils.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/ipwdp/optimal_particle_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/ipwdp/optimal_particle_filter.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/ipwdp/smc_diff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/ipwdp/smc_diff.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/ipwdp/svd_replacement.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/ipwdp/svd_replacement.py -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/models/celeba/celeba_hq.ckpt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/models/celeba/celeba_hq.ckpt -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/models/celeba/celeba_hq.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/models/celeba/celeba_hq.yml -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/requirements.txt -------------------------------------------------------------------------------- /src/inverse_problem_with_diffusion_prior/run_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/inverse_problem_with_diffusion_prior/run_hf.py -------------------------------------------------------------------------------- /src/local_paths.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/local_paths.py -------------------------------------------------------------------------------- /src/mcg_diff/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/README.md -------------------------------------------------------------------------------- /src/mcg_diff/mcgdiff_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/mcgdiff_test.py -------------------------------------------------------------------------------- /src/mcg_diff/particle_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/particle_filter.py -------------------------------------------------------------------------------- /src/mcg_diff/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/requirements.txt -------------------------------------------------------------------------------- /src/mcg_diff/requirements_scripts.txt: -------------------------------------------------------------------------------- 1 | matplotlib 2 | diffusers 3 | hydra-core 4 | omegaconf -------------------------------------------------------------------------------- /src/mcg_diff/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/config.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/dataset/bedroom.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/dataset/bedroom.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/dataset/cats.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/dataset/cats.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/dataset/celeb.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/dataset/celeb.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/dataset/churches.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/dataset/churches.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/dataset/cifar_10.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/dataset/cifar_10.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/dataset/flowers.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/dataset/flowers.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/dataset/mnist.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/dataset/mnist.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/diffusion/ddim_10.yaml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/diffusion/ddim_100.yaml: -------------------------------------------------------------------------------- 1 | n_steps: 100 2 | eta: 1 -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/diffusion/ddim_250.yaml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/mcg_diff/colorization.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/mcg_diff/colorization.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/mcg_diff/default.yaml: -------------------------------------------------------------------------------- 1 | N_total: 4 2 | N_particles: 64 3 | gaussian_var: 1e-4 -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/mcg_diff/empty.yaml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/mcg_diff/outpainting.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/mcg_diff/outpainting.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/task/colorization.yaml: -------------------------------------------------------------------------------- 1 | name: colorization 2 | sigma_y: 0 -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/task/deblur_2d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/task/deblur_2d.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/task/inpainting.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/task/inpainting.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/task/motion_blur.yaml: -------------------------------------------------------------------------------- 1 | name: motion_blur 2 | sigma_y: 0.1 3 | kernel_size: 0.2 -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/task/outpainting.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/configs/task/outpainting.yaml -------------------------------------------------------------------------------- /src/mcg_diff/scripts/configs/task/super_resolution.yaml: -------------------------------------------------------------------------------- 1 | name: super_resolution 2 | sigma_y: 0.05 3 | ratio: 16 -------------------------------------------------------------------------------- /src/mcg_diff/scripts/hugging_faces_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/hugging_faces_models.py -------------------------------------------------------------------------------- /src/mcg_diff/scripts/inverse_problems_operators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/inverse_problems_operators.py -------------------------------------------------------------------------------- /src/mcg_diff/scripts/viz_gaussian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/scripts/viz_gaussian.py -------------------------------------------------------------------------------- /src/mcg_diff/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/setup.py -------------------------------------------------------------------------------- /src/mcg_diff/sgm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/sgm.py -------------------------------------------------------------------------------- /src/mcg_diff/tests/test_particle_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/tests/test_particle_filter.py -------------------------------------------------------------------------------- /src/mcg_diff/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/mcg_diff/utils.py -------------------------------------------------------------------------------- /src/posterior_samplers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/posterior_samplers/cond_sampling_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/posterior_samplers/cond_sampling_algos.py -------------------------------------------------------------------------------- /src/posterior_samplers/dcps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/posterior_samplers/dcps.py -------------------------------------------------------------------------------- /src/posterior_samplers/diffusion_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/posterior_samplers/diffusion_utils.py -------------------------------------------------------------------------------- /src/posterior_samplers/reddiff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/posterior_samplers/reddiff.py -------------------------------------------------------------------------------- /src/posterior_samplers/traj_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/posterior_samplers/traj_utils.py -------------------------------------------------------------------------------- /src/red_diff/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/.gitignore -------------------------------------------------------------------------------- /src/red_diff/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/LICENSE -------------------------------------------------------------------------------- /src/red_diff/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/README.md -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/ddim.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/ddim.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/ddrm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/ddrm.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/dps.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/dps.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/identity.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/identity.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/mcg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/mcg.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/pgdm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/pgdm.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/reddiff.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/reddiff.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/reddiff_parallel.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/reddiff_parallel.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/sds.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/sds.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/algo/sds_var.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/algo/sds_var.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/ca.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/ca.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/classifier/imagenet256_cond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/classifier/imagenet256_cond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/classifier/imagenet512_cond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/classifier/imagenet512_cond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/classifier/none.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/classifier/none.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/dataset/ffhq256_train.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/dataset/ffhq256_train.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/dataset/ffhq256_val.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/dataset/ffhq256_val.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/dataset/imagenet256_train.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/dataset/imagenet256_train.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/dataset/imagenet256_val.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/dataset/imagenet256_val.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/dataset/imagenet512_val.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/dataset/imagenet512_val.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/ddrmpp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/ddrmpp.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/ddrmpp_ffhq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/ddrmpp_ffhq.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/diffusion/linear1000.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/diffusion/linear1000.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/dist/localhost.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/dist/localhost.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/exp/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/exp/default.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/exp/fid_stats.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/exp/fid_stats.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/ffhq256_uncond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/ffhq256_uncond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/fid.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/fid.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/fid_stats.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/fid_stats.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/imagenet256_cond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/imagenet256_cond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/imagenet256_uncond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/imagenet256_uncond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/imagenet512_cond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/imagenet512_cond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/inception_score.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/inception_score.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/loader/imagenet256_ddrm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/loader/imagenet256_ddrm.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/loader/imagenet256_ddrmpp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/loader/imagenet256_ddrmpp.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/loader/imagenet256_inception.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/loader/imagenet256_inception.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/loader/imagenet512_ddrmpp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/loader/imagenet512_ddrmpp.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/model/ffhq256_uncond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/model/ffhq256_uncond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/model/imagenet256_cond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/model/imagenet256_cond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/model/imagenet256_uncond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/model/imagenet256_uncond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/model/imagenet512_cond.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/model/imagenet512_cond.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/nonlinear_deblur_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/nonlinear_deblur_config.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/psnr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/psnr.yaml -------------------------------------------------------------------------------- /src/red_diff/_configs/stablediff/params.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/_configs/stablediff/params.yaml -------------------------------------------------------------------------------- /src/red_diff/algos/ddim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/ddim.py -------------------------------------------------------------------------------- /src/red_diff/algos/ddrm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/ddrm.py -------------------------------------------------------------------------------- /src/red_diff/algos/deis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/deis.py -------------------------------------------------------------------------------- /src/red_diff/algos/dps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/dps.py -------------------------------------------------------------------------------- /src/red_diff/algos/identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/identity.py -------------------------------------------------------------------------------- /src/red_diff/algos/mcg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/mcg.py -------------------------------------------------------------------------------- /src/red_diff/algos/pgdm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/pgdm.py -------------------------------------------------------------------------------- /src/red_diff/algos/reddiff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/reddiff.py -------------------------------------------------------------------------------- /src/red_diff/algos/reddiff_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/reddiff_parallel.py -------------------------------------------------------------------------------- /src/red_diff/algos/sds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/sds.py -------------------------------------------------------------------------------- /src/red_diff/algos/sds_var.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/algos/sds_var.py -------------------------------------------------------------------------------- /src/red_diff/bkse/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/.gitignore -------------------------------------------------------------------------------- /src/red_diff/bkse/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/LICENSE -------------------------------------------------------------------------------- /src/red_diff/bkse/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/README.md -------------------------------------------------------------------------------- /src/red_diff/bkse/data/GOPRO_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/data/GOPRO_dataset.py -------------------------------------------------------------------------------- /src/red_diff/bkse/data/REDS_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/data/REDS_dataset.py -------------------------------------------------------------------------------- /src/red_diff/bkse/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/data/__init__.py -------------------------------------------------------------------------------- /src/red_diff/bkse/data/data_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/data/data_sampler.py -------------------------------------------------------------------------------- /src/red_diff/bkse/data/mix_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/data/mix_dataset.py -------------------------------------------------------------------------------- /src/red_diff/bkse/data/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/data/util.py -------------------------------------------------------------------------------- /src/red_diff/bkse/data_augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/data_augmentation.py -------------------------------------------------------------------------------- /src/red_diff/bkse/domain_specific_deblur.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/domain_specific_deblur.py -------------------------------------------------------------------------------- /src/red_diff/bkse/experiments/pretrained/kernel.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/experiments/pretrained/kernel.pth -------------------------------------------------------------------------------- /src/red_diff/bkse/generate_blur.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/generate_blur.py -------------------------------------------------------------------------------- /src/red_diff/bkse/generic_deblur.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/generic_deblur.py -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/blur_faces/face01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/blur_faces/face01.png -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/blur_imgs/blur1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/blur_imgs/blur1.png -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/blur_imgs/blur2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/blur_imgs/blur2.png -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/results/augmentation.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/results/augmentation.jpg -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/results/domain_specific_deblur.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/results/domain_specific_deblur.jpg -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/results/general_deblurring.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/results/general_deblurring.jpg -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/results/generate_blur.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/results/generate_blur.jpg -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/results/kernel_encoding_wGT.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/results/kernel_encoding_wGT.png -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/sharp_imgs/mushishi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/sharp_imgs/mushishi.png -------------------------------------------------------------------------------- /src/red_diff/bkse/imgs/teaser.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/imgs/teaser.jpg -------------------------------------------------------------------------------- /src/red_diff/bkse/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/__init__.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/arch_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/arch_util.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/backbones/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/backbones/resnet.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/backbones/skip/concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/backbones/skip/concat.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/backbones/skip/downsampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/backbones/skip/downsampler.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/backbones/skip/non_local_dot_product.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/backbones/skip/non_local_dot_product.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/backbones/skip/skip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/backbones/skip/skip.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/backbones/skip/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/backbones/skip/util.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/backbones/unet_parts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/backbones/unet_parts.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/deblurring/image_deblur.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/deblurring/image_deblur.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/deblurring/joint_deblur.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/deblurring/joint_deblur.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dips.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dips.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/bicubic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/bicubic.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/dsd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/dsd.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/dsd_stylegan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/dsd_stylegan.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/dsd_stylegan2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/dsd_stylegan2.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/op/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/op/fused_act.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/op/fused_act.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/op/fused_bias_act.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/op/fused_bias_act.cpp -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/op/fused_bias_act_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/op/fused_bias_act_kernel.cu -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/op/upfirdn2d.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/op/upfirdn2d.cpp -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/op/upfirdn2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/op/upfirdn2d.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/op/upfirdn2d_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/op/upfirdn2d_kernel.cu -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/spherical_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/spherical_optimizer.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/stylegan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/stylegan.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/dsd/stylegan2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/dsd/stylegan2.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/kernel_encoding/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/kernel_encoding/base_model.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/kernel_encoding/image_base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/kernel_encoding/image_base_model.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/kernel_encoding/kernel_wizard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/kernel_encoding/kernel_wizard.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/losses/charbonnier_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/losses/charbonnier_loss.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/losses/dsd_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/losses/dsd_loss.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/losses/gan_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/losses/gan_loss.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/losses/hyper_laplacian_penalty.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/losses/hyper_laplacian_penalty.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/losses/perceptual_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/losses/perceptual_loss.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/losses/ssim_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/losses/ssim_loss.py -------------------------------------------------------------------------------- /src/red_diff/bkse/models/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/models/lr_scheduler.py -------------------------------------------------------------------------------- /src/red_diff/bkse/options/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/red_diff/bkse/options/data_augmentation/default.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/data_augmentation/default.yml -------------------------------------------------------------------------------- /src/red_diff/bkse/options/domain_specific_deblur/stylegan.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/domain_specific_deblur/stylegan.yml -------------------------------------------------------------------------------- /src/red_diff/bkse/options/domain_specific_deblur/stylegan2.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/domain_specific_deblur/stylegan2.yml -------------------------------------------------------------------------------- /src/red_diff/bkse/options/generate_blur/default.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/generate_blur/default.yml -------------------------------------------------------------------------------- /src/red_diff/bkse/options/generic_deblur/default.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/generic_deblur/default.yml -------------------------------------------------------------------------------- /src/red_diff/bkse/options/kernel_encoding/GOPRO/wVAE.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/kernel_encoding/GOPRO/wVAE.yml -------------------------------------------------------------------------------- /src/red_diff/bkse/options/kernel_encoding/GOPRO/woVAE.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/kernel_encoding/GOPRO/woVAE.yml -------------------------------------------------------------------------------- /src/red_diff/bkse/options/kernel_encoding/REDS/woVAE.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/kernel_encoding/REDS/woVAE.yml -------------------------------------------------------------------------------- /src/red_diff/bkse/options/kernel_encoding/mix/woVAE.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/kernel_encoding/mix/woVAE.yml -------------------------------------------------------------------------------- /src/red_diff/bkse/options/options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/options/options.py -------------------------------------------------------------------------------- /src/red_diff/bkse/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/requirements.txt -------------------------------------------------------------------------------- /src/red_diff/bkse/scripts/create_lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/scripts/create_lmdb.py -------------------------------------------------------------------------------- /src/red_diff/bkse/scripts/download_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/scripts/download_dataset.py -------------------------------------------------------------------------------- /src/red_diff/bkse/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/train.py -------------------------------------------------------------------------------- /src/red_diff/bkse/train_script.sh: -------------------------------------------------------------------------------- 1 | python3.7 train.py -opt options/REDS/wsharp_woVAE.yml 2 | -------------------------------------------------------------------------------- /src/red_diff/bkse/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/red_diff/bkse/utils/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/bkse/utils/util.py -------------------------------------------------------------------------------- /src/red_diff/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/datasets/__init__.py -------------------------------------------------------------------------------- /src/red_diff/datasets/ffhq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/datasets/ffhq.py -------------------------------------------------------------------------------- /src/red_diff/datasets/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/datasets/imagenet.py -------------------------------------------------------------------------------- /src/red_diff/datasets/lmdb_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/datasets/lmdb_dataset.py -------------------------------------------------------------------------------- /src/red_diff/datasets/lsun.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/datasets/lsun.py -------------------------------------------------------------------------------- /src/red_diff/demo/output.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/demo/output.gif -------------------------------------------------------------------------------- /src/red_diff/eval/ca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/eval/ca.py -------------------------------------------------------------------------------- /src/red_diff/eval/fid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/eval/fid.py -------------------------------------------------------------------------------- /src/red_diff/eval/fid_stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/eval/fid_stats.py -------------------------------------------------------------------------------- /src/red_diff/eval/inception_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/eval/inception_score.py -------------------------------------------------------------------------------- /src/red_diff/eval/psnr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/eval/psnr.py -------------------------------------------------------------------------------- /src/red_diff/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/main.py -------------------------------------------------------------------------------- /src/red_diff/misc/dgp_top10.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/misc/dgp_top10.txt -------------------------------------------------------------------------------- /src/red_diff/misc/dgp_top100.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/misc/dgp_top100.txt -------------------------------------------------------------------------------- /src/red_diff/misc/dgp_top1k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/misc/dgp_top1k.txt -------------------------------------------------------------------------------- /src/red_diff/misc/mcg_top1k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/misc/mcg_top1k.txt -------------------------------------------------------------------------------- /src/red_diff/misc/palette_10k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/misc/palette_10k.txt -------------------------------------------------------------------------------- /src/red_diff/misc/palette_5k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/misc/palette_5k.txt -------------------------------------------------------------------------------- /src/red_diff/misc/palette_jpeg_demo.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/misc/palette_jpeg_demo.txt -------------------------------------------------------------------------------- /src/red_diff/misc/sr3_top1k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/misc/sr3_top1k.txt -------------------------------------------------------------------------------- /src/red_diff/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/models/__init__.py -------------------------------------------------------------------------------- /src/red_diff/models/classifier_guidance_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/models/classifier_guidance_model.py -------------------------------------------------------------------------------- /src/red_diff/models/diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/models/diffusion.py -------------------------------------------------------------------------------- /src/red_diff/models/guided_diffusion/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/red_diff/models/guided_diffusion/fp16_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/models/guided_diffusion/fp16_util.py -------------------------------------------------------------------------------- /src/red_diff/models/guided_diffusion/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/models/guided_diffusion/logger.py -------------------------------------------------------------------------------- /src/red_diff/models/guided_diffusion/nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/models/guided_diffusion/nn.py -------------------------------------------------------------------------------- /src/red_diff/models/guided_diffusion/script_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/models/guided_diffusion/script_util.py -------------------------------------------------------------------------------- /src/red_diff/models/guided_diffusion/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/models/guided_diffusion/unet.py -------------------------------------------------------------------------------- /src/red_diff/motionblur/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/.gitignore -------------------------------------------------------------------------------- /src/red_diff/motionblur/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/README.md -------------------------------------------------------------------------------- /src/red_diff/motionblur/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/red_diff/motionblur/environment.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/environment.yaml -------------------------------------------------------------------------------- /src/red_diff/motionblur/example_kernel/kernel0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/example_kernel/kernel0.png -------------------------------------------------------------------------------- /src/red_diff/motionblur/example_kernel/kernel100.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/example_kernel/kernel100.png -------------------------------------------------------------------------------- /src/red_diff/motionblur/example_kernel/kernel25.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/example_kernel/kernel25.png -------------------------------------------------------------------------------- /src/red_diff/motionblur/example_kernel/kernel50.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/example_kernel/kernel50.png -------------------------------------------------------------------------------- /src/red_diff/motionblur/example_kernel/kernel75.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/example_kernel/kernel75.png -------------------------------------------------------------------------------- /src/red_diff/motionblur/images/flag.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/images/flag.png -------------------------------------------------------------------------------- /src/red_diff/motionblur/images/flagBLURRED.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/images/flagBLURRED.png -------------------------------------------------------------------------------- /src/red_diff/motionblur/images/moon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/images/moon.png -------------------------------------------------------------------------------- /src/red_diff/motionblur/intensity.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/intensity.png -------------------------------------------------------------------------------- /src/red_diff/motionblur/motionblur.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/motionblur/motionblur.py -------------------------------------------------------------------------------- /src/red_diff/output.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/output.gif -------------------------------------------------------------------------------- /src/red_diff/playground/100.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/100.png -------------------------------------------------------------------------------- /src/red_diff/playground/1000.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/1000.png -------------------------------------------------------------------------------- /src/red_diff/playground/20.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/20.png -------------------------------------------------------------------------------- /src/red_diff/playground/50.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/50.png -------------------------------------------------------------------------------- /src/red_diff/playground/500.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/500.png -------------------------------------------------------------------------------- /src/red_diff/playground/Untitled.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/Untitled.ipynb -------------------------------------------------------------------------------- /src/red_diff/playground/Untitled1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/Untitled1.ipynb -------------------------------------------------------------------------------- /src/red_diff/playground/adm.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/adm.png -------------------------------------------------------------------------------- /src/red_diff/playground/adm0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/adm0.png -------------------------------------------------------------------------------- /src/red_diff/playground/adm1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/adm1.png -------------------------------------------------------------------------------- /src/red_diff/playground/adm2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/adm2.png -------------------------------------------------------------------------------- /src/red_diff/playground/adm3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/adm3.png -------------------------------------------------------------------------------- /src/red_diff/playground/adm4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/adm4.png -------------------------------------------------------------------------------- /src/red_diff/playground/adm5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/adm5.png -------------------------------------------------------------------------------- /src/red_diff/playground/awd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/awd.png -------------------------------------------------------------------------------- /src/red_diff/playground/awd_fwd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/awd_fwd.png -------------------------------------------------------------------------------- /src/red_diff/playground/coltran_bot5k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/coltran_bot5k.txt -------------------------------------------------------------------------------- /src/red_diff/playground/coltran_top5k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/coltran_top5k.txt -------------------------------------------------------------------------------- /src/red_diff/playground/compare_openai_sr_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/compare_openai_sr_model.ipynb -------------------------------------------------------------------------------- /src/red_diff/playground/ctest10k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/ctest10k.txt -------------------------------------------------------------------------------- /src/red_diff/playground/ddrmpp_res/0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/ddrmpp_res/0.png -------------------------------------------------------------------------------- /src/red_diff/playground/ddrmpp_res/10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/ddrmpp_res/10.png -------------------------------------------------------------------------------- /src/red_diff/playground/ddrmpp_res/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/ddrmpp_res/2.png -------------------------------------------------------------------------------- /src/red_diff/playground/ddrmpp_res/20.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/ddrmpp_res/20.png -------------------------------------------------------------------------------- /src/red_diff/playground/ddrmpp_res/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/ddrmpp_res/3.png -------------------------------------------------------------------------------- /src/red_diff/playground/ddrmpp_res/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/ddrmpp_res/7.png -------------------------------------------------------------------------------- /src/red_diff/playground/dgp_top1k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/dgp_top1k.txt -------------------------------------------------------------------------------- /src/red_diff/playground/figures.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/figures.ipynb -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_deg/0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_deg/0.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_deg/10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_deg/10.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_deg/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_deg/2.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_deg/20.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_deg/20.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_deg/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_deg/3.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_deg/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_deg/7.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_ori/0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_ori/0.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_ori/10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_ori/10.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_ori/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_ori/2.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_ori/20.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_ori/20.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_ori/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_ori/3.png -------------------------------------------------------------------------------- /src/red_diff/playground/jpeg5_ori/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/jpeg5_ori/7.png -------------------------------------------------------------------------------- /src/red_diff/playground/lip.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/lip.ipynb -------------------------------------------------------------------------------- /src/red_diff/playground/palette_10k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_10k.txt -------------------------------------------------------------------------------- /src/red_diff/playground/palette_img/0.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_img/0.jpg -------------------------------------------------------------------------------- /src/red_diff/playground/palette_img/10.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_img/10.jpg -------------------------------------------------------------------------------- /src/red_diff/playground/palette_img/11.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_img/11.jpg -------------------------------------------------------------------------------- /src/red_diff/playground/palette_img/2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_img/2.jpg -------------------------------------------------------------------------------- /src/red_diff/playground/palette_img/3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_img/3.jpg -------------------------------------------------------------------------------- /src/red_diff/playground/palette_img/7.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_img/7.jpg -------------------------------------------------------------------------------- /src/red_diff/playground/palette_result/0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_result/0.png -------------------------------------------------------------------------------- /src/red_diff/playground/palette_result/10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_result/10.png -------------------------------------------------------------------------------- /src/red_diff/playground/palette_result/11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_result/11.png -------------------------------------------------------------------------------- /src/red_diff/playground/palette_result/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_result/2.png -------------------------------------------------------------------------------- /src/red_diff/playground/palette_result/20.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_result/20.png -------------------------------------------------------------------------------- /src/red_diff/playground/palette_result/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_result/3.png -------------------------------------------------------------------------------- /src/red_diff/playground/palette_result/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/palette_result/7.png -------------------------------------------------------------------------------- /src/red_diff/playground/plot_awd_steps.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/plot_awd_steps.ipynb -------------------------------------------------------------------------------- /src/red_diff/playground/process_imagenet_txt.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/process_imagenet_txt.ipynb -------------------------------------------------------------------------------- /src/red_diff/playground/svd.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/playground/svd.ipynb -------------------------------------------------------------------------------- /src/red_diff/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/requirements.txt -------------------------------------------------------------------------------- /src/red_diff/run_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/run_eval.sh -------------------------------------------------------------------------------- /src/red_diff/sample_batch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/sample_batch.sh -------------------------------------------------------------------------------- /src/red_diff/sample_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/sample_test.sh -------------------------------------------------------------------------------- /src/red_diff/utils/checkpoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/utils/checkpoints.py -------------------------------------------------------------------------------- /src/red_diff/utils/dct.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/utils/dct.py -------------------------------------------------------------------------------- /src/red_diff/utils/degredations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/utils/degredations.py -------------------------------------------------------------------------------- /src/red_diff/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/utils/distributed.py -------------------------------------------------------------------------------- /src/red_diff/utils/fft_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/utils/fft_utils.py -------------------------------------------------------------------------------- /src/red_diff/utils/functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/utils/functions.py -------------------------------------------------------------------------------- /src/red_diff/utils/jpeg_quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/utils/jpeg_quantization.py -------------------------------------------------------------------------------- /src/red_diff/utils/jpeg_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/utils/jpeg_torch.py -------------------------------------------------------------------------------- /src/red_diff/utils/save.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/red_diff/utils/save.py -------------------------------------------------------------------------------- /src/trajnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/trajnet/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/trajnet/datasets/dummy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/trajnet/datasets/dummy.py -------------------------------------------------------------------------------- /src/trajnet/datasets/pedestrians.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/trajnet/datasets/pedestrians.py -------------------------------------------------------------------------------- /src/trajnet/denoisers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/trajnet/denoisers.py -------------------------------------------------------------------------------- /src/trajnet/diffusion_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/trajnet/diffusion_utils.py -------------------------------------------------------------------------------- /src/trajnet/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/trajnet/layers.py -------------------------------------------------------------------------------- /src/trajnet/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/trajnet/models.py -------------------------------------------------------------------------------- /src/trajnet/schedulers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/trajnet/schedulers.py -------------------------------------------------------------------------------- /src/trajnet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/trajnet/utils.py -------------------------------------------------------------------------------- /src/utils/DiffJPEG/DiffJPEG.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/utils/DiffJPEG/DiffJPEG.py -------------------------------------------------------------------------------- /src/utils/DiffJPEG/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/utils/DiffJPEG/README.md -------------------------------------------------------------------------------- /src/utils/DiffJPEG/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/utils/DiffJPEG/compress_jpeg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/utils/DiffJPEG/compress_jpeg.py -------------------------------------------------------------------------------- /src/utils/DiffJPEG/decompress_jpeg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/utils/DiffJPEG/decompress_jpeg.py -------------------------------------------------------------------------------- /src/utils/DiffJPEG/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/utils/DiffJPEG/utils.py -------------------------------------------------------------------------------- /src/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/utils/metrics.py -------------------------------------------------------------------------------- /src/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/src/utils/utils.py -------------------------------------------------------------------------------- /training_trajectory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Badr-MOUFAD/dcps/HEAD/training_trajectory.py --------------------------------------------------------------------------------