├── LICENSE ├── README.md ├── configs ├── datasets │ ├── acid.yaml │ ├── aerial.yaml │ ├── co3dv2.yaml │ ├── dl3dv.yaml │ ├── front3d.yaml │ ├── gl3d.yaml │ ├── megascenes.yaml │ ├── mvimagenet.yaml │ ├── objaverse.yaml │ ├── ratio_set.json │ ├── real10k.yaml │ ├── scannet++.yaml │ └── streetview.yaml ├── deepspeed │ ├── acc_zero2.yaml │ ├── acc_zero2_bf16.yaml │ ├── ds_zero2.json │ └── ds_zero2_bf16.json ├── mvgenmaster_train_stage1.yaml └── mvgenmaster_train_stage2.yaml ├── data └── put data here ├── demo ├── flux-0.png ├── flux-1.png ├── flux-2.png ├── flux-3.png ├── test1 │ ├── img0.png │ ├── img1.png │ └── img2.png ├── test2 │ ├── frame_00001.png │ └── frame_00060.png └── test3 │ ├── 143977167.png │ └── 152118633.png ├── depth_pro ├── __init__.py ├── cli │ ├── __init__.py │ └── run.py ├── depth_pro.py ├── eval │ ├── boundary_metrics.py │ └── dis5k_sample_list.txt ├── network │ ├── __init__.py │ ├── decoder.py │ ├── encoder.py │ ├── fov.py │ ├── vit.py │ └── vit_factory.py └── utils.py ├── dust3r ├── __init__.py ├── cloud_opt │ ├── __init__.py │ ├── base_opt.py │ ├── commons.py │ ├── fast_viewer.py │ ├── init_im_poses.py │ ├── modular_optimizer.py │ ├── optimizer.py │ └── pair_viewer.py ├── croco │ ├── assets │ │ ├── Chateau1.png │ │ ├── Chateau2.png │ │ └── arch.jpg │ ├── datasets │ │ ├── __init__.py │ │ ├── crops │ │ │ ├── README.MD │ │ │ └── extract_crops_from_images.py │ │ ├── habitat_sim │ │ │ ├── README.MD │ │ │ ├── __init__.py │ │ │ ├── generate_from_metadata.py │ │ │ ├── generate_from_metadata_files.py │ │ │ ├── generate_multiview_images.py │ │ │ ├── multiview_habitat_sim_generator.py │ │ │ ├── pack_metadata_files.py │ │ │ └── paths.py │ │ ├── pairs_dataset.py │ │ └── transforms.py │ ├── demo.py │ ├── models │ │ ├── blocks.py │ │ ├── criterion.py │ │ ├── croco.py │ │ ├── croco_downstream.py │ │ ├── curope │ │ │ ├── __init__.py │ │ │ ├── build │ │ │ │ ├── lib.linux-x86_64-cpython-310 │ │ │ │ │ └── curope.cpython-310-x86_64-linux-gnu.so │ │ │ │ ├── lib.linux-x86_64-cpython-39 │ │ │ │ │ └── curope.cpython-39-x86_64-linux-gnu.so │ │ │ │ ├── temp.linux-x86_64-cpython-310 │ │ │ │ │ ├── .ninja_deps │ │ │ │ │ ├── .ninja_log │ │ │ │ │ ├── build.ninja │ │ │ │ │ ├── curope.o │ │ │ │ │ └── kernels.o │ │ │ │ └── temp.linux-x86_64-cpython-39 │ │ │ │ │ ├── .ninja_deps │ │ │ │ │ ├── .ninja_log │ │ │ │ │ ├── build.ninja │ │ │ │ │ ├── curope.o │ │ │ │ │ └── kernels.o │ │ │ ├── curope.cpp │ │ │ ├── curope.cpython-310-x86_64-linux-gnu.so │ │ │ ├── curope.cpython-39-x86_64-linux-gnu.so │ │ │ ├── curope2d.py │ │ │ ├── kernels.cu │ │ │ └── setup.py │ │ ├── dpt_block.py │ │ ├── head_downstream.py │ │ ├── masking.py │ │ └── pos_embed.py │ ├── pretrain.py │ ├── stereoflow │ │ ├── README.MD │ │ ├── augmentor.py │ │ ├── criterion.py │ │ ├── datasets_flow.py │ │ ├── datasets_stereo.py │ │ ├── download_model.sh │ │ ├── engine.py │ │ ├── test.py │ │ └── train.py │ └── utils │ │ └── misc.py ├── datasets │ ├── __init__.py │ ├── base │ │ ├── __init__.py │ │ ├── base_stereo_view_dataset.py │ │ ├── batched_sampler.py │ │ └── easy_dataset.py │ ├── co3d.py │ └── utils │ │ ├── __init__.py │ │ ├── cropping.py │ │ └── transforms.py ├── dust3r_api.py ├── heads │ ├── __init__.py │ ├── dpt_head.py │ ├── linear_head.py │ └── postprocess.py ├── image_pairs.py ├── inference.py ├── losses.py ├── model.py ├── optim_factory.py ├── patch_embed.py ├── post_process.py ├── save_glb.py ├── utils │ ├── __init__.py │ ├── device.py │ ├── geometry.py │ ├── image.py │ ├── misc.py │ └── path_to_croco.py └── viz.py ├── my_diffusers ├── __init__.py ├── callbacks.py ├── commands │ ├── __init__.py │ ├── diffusers_cli.py │ ├── env.py │ └── fp16_safetensors.py ├── configuration_utils.py ├── dependency_versions_check.py ├── dependency_versions_table.py ├── experimental │ ├── README.md │ ├── __init__.py │ └── rl │ │ ├── __init__.py │ │ └── value_guided_sampling.py ├── image_processor.py ├── loaders │ ├── __init__.py │ ├── autoencoder.py │ ├── controlnet.py │ ├── ip_adapter.py │ ├── lora.py │ ├── lora_conversion_utils.py │ ├── peft.py │ ├── single_file.py │ ├── single_file_model.py │ ├── single_file_utils.py │ ├── textual_inversion.py │ ├── unet.py │ ├── unet_loader_utils.py │ └── utils.py ├── models │ ├── README.md │ ├── __init__.py │ ├── activations.py │ ├── adapter.py │ ├── attention.py │ ├── attention_flax.py │ ├── attention_processor.py │ ├── autoencoders │ │ ├── __init__.py │ │ ├── autoencoder_asym_kl.py │ │ ├── autoencoder_kl.py │ │ ├── autoencoder_kl_temporal_decoder.py │ │ ├── autoencoder_tiny.py │ │ ├── consistency_decoder_vae.py │ │ ├── vae.py │ │ └── vq_model.py │ ├── controlnet.py │ ├── controlnet_flax.py │ ├── controlnet_xs.py │ ├── downsampling.py │ ├── embeddings.py │ ├── embeddings_flax.py │ ├── lora.py │ ├── model_loading_utils.py │ ├── modeling_flax_pytorch_utils.py │ ├── modeling_flax_utils.py │ ├── modeling_outputs.py │ ├── modeling_pytorch_flax_utils.py │ ├── modeling_utils.py │ ├── normalization.py │ ├── resnet.py │ ├── resnet_flax.py │ ├── transformers │ │ ├── __init__.py │ │ ├── dit_transformer_2d.py │ │ ├── dual_transformer_2d.py │ │ ├── hunyuan_transformer_2d.py │ │ ├── pixart_transformer_2d.py │ │ ├── prior_transformer.py │ │ ├── t5_film_transformer.py │ │ ├── transformer_2d.py │ │ └── transformer_temporal.py │ ├── unets │ │ ├── __init__.py │ │ ├── unet_1d.py │ │ ├── unet_1d_blocks.py │ │ ├── unet_2d.py │ │ ├── unet_2d_blocks.py │ │ ├── unet_2d_blocks_flax.py │ │ ├── unet_2d_condition.py │ │ ├── unet_2d_condition_flax.py │ │ ├── unet_3d_blocks.py │ │ ├── unet_3d_condition.py │ │ ├── unet_i2vgen_xl.py │ │ ├── unet_kandinsky3.py │ │ ├── unet_motion_model.py │ │ ├── unet_spatio_temporal_condition.py │ │ ├── unet_stable_cascade.py │ │ └── uvit_2d.py │ ├── upsampling.py │ ├── vae_flax.py │ └── vq_model.py ├── optimization.py ├── pipelines │ ├── README.md │ ├── __init__.py │ ├── amused │ │ ├── __init__.py │ │ ├── pipeline_amused.py │ │ ├── pipeline_amused_img2img.py │ │ └── pipeline_amused_inpaint.py │ ├── animatediff │ │ ├── __init__.py │ │ ├── pipeline_animatediff.py │ │ ├── pipeline_animatediff_sdxl.py │ │ ├── pipeline_animatediff_video2video.py │ │ └── pipeline_output.py │ ├── audioldm │ │ ├── __init__.py │ │ └── pipeline_audioldm.py │ ├── audioldm2 │ │ ├── __init__.py │ │ ├── modeling_audioldm2.py │ │ └── pipeline_audioldm2.py │ ├── auto_pipeline.py │ ├── blip_diffusion │ │ ├── __init__.py │ │ ├── blip_image_processing.py │ │ ├── modeling_blip2.py │ │ ├── modeling_ctx_clip.py │ │ └── pipeline_blip_diffusion.py │ ├── consistency_models │ │ ├── __init__.py │ │ └── pipeline_consistency_models.py │ ├── controlnet │ │ ├── __init__.py │ │ ├── multicontrolnet.py │ │ ├── pipeline_controlnet.py │ │ ├── pipeline_controlnet_blip_diffusion.py │ │ ├── pipeline_controlnet_img2img.py │ │ ├── pipeline_controlnet_inpaint.py │ │ ├── pipeline_controlnet_inpaint_sd_xl.py │ │ ├── pipeline_controlnet_sd_xl.py │ │ ├── pipeline_controlnet_sd_xl_img2img.py │ │ └── pipeline_flax_controlnet.py │ ├── controlnet_xs │ │ ├── __init__.py │ │ ├── pipeline_controlnet_xs.py │ │ └── pipeline_controlnet_xs_sd_xl.py │ ├── dance_diffusion │ │ ├── __init__.py │ │ └── pipeline_dance_diffusion.py │ ├── ddim │ │ ├── __init__.py │ │ └── pipeline_ddim.py │ ├── ddpm │ │ ├── __init__.py │ │ └── pipeline_ddpm.py │ ├── deepfloyd_if │ │ ├── __init__.py │ │ ├── pipeline_if.py │ │ ├── pipeline_if_img2img.py │ │ ├── pipeline_if_img2img_superresolution.py │ │ ├── pipeline_if_inpainting.py │ │ ├── pipeline_if_inpainting_superresolution.py │ │ ├── pipeline_if_superresolution.py │ │ ├── pipeline_output.py │ │ ├── safety_checker.py │ │ ├── timesteps.py │ │ └── watermark.py │ ├── deprecated │ │ ├── README.md │ │ ├── __init__.py │ │ ├── alt_diffusion │ │ │ ├── __init__.py │ │ │ ├── modeling_roberta_series.py │ │ │ ├── pipeline_alt_diffusion.py │ │ │ ├── pipeline_alt_diffusion_img2img.py │ │ │ └── pipeline_output.py │ │ ├── audio_diffusion │ │ │ ├── __init__.py │ │ │ ├── mel.py │ │ │ └── pipeline_audio_diffusion.py │ │ ├── latent_diffusion_uncond │ │ │ ├── __init__.py │ │ │ └── pipeline_latent_diffusion_uncond.py │ │ ├── pndm │ │ │ ├── __init__.py │ │ │ └── pipeline_pndm.py │ │ ├── repaint │ │ │ ├── __init__.py │ │ │ └── pipeline_repaint.py │ │ ├── score_sde_ve │ │ │ ├── __init__.py │ │ │ └── pipeline_score_sde_ve.py │ │ ├── spectrogram_diffusion │ │ │ ├── __init__.py │ │ │ ├── continuous_encoder.py │ │ │ ├── midi_utils.py │ │ │ ├── notes_encoder.py │ │ │ └── pipeline_spectrogram_diffusion.py │ │ ├── stable_diffusion_variants │ │ │ ├── __init__.py │ │ │ ├── pipeline_cycle_diffusion.py │ │ │ ├── pipeline_onnx_stable_diffusion_inpaint_legacy.py │ │ │ ├── pipeline_stable_diffusion_inpaint_legacy.py │ │ │ ├── pipeline_stable_diffusion_model_editing.py │ │ │ ├── pipeline_stable_diffusion_paradigms.py │ │ │ └── pipeline_stable_diffusion_pix2pix_zero.py │ │ ├── stochastic_karras_ve │ │ │ ├── __init__.py │ │ │ └── pipeline_stochastic_karras_ve.py │ │ ├── versatile_diffusion │ │ │ ├── __init__.py │ │ │ ├── modeling_text_unet.py │ │ │ ├── pipeline_versatile_diffusion.py │ │ │ ├── pipeline_versatile_diffusion_dual_guided.py │ │ │ ├── pipeline_versatile_diffusion_image_variation.py │ │ │ └── pipeline_versatile_diffusion_text_to_image.py │ │ └── vq_diffusion │ │ │ ├── __init__.py │ │ │ └── pipeline_vq_diffusion.py │ ├── dit │ │ ├── __init__.py │ │ └── pipeline_dit.py │ ├── free_init_utils.py │ ├── hunyuandit │ │ ├── __init__.py │ │ └── pipeline_hunyuandit.py │ ├── i2vgen_xl │ │ ├── __init__.py │ │ └── pipeline_i2vgen_xl.py │ ├── kandinsky │ │ ├── __init__.py │ │ ├── pipeline_kandinsky.py │ │ ├── pipeline_kandinsky_combined.py │ │ ├── pipeline_kandinsky_img2img.py │ │ ├── pipeline_kandinsky_inpaint.py │ │ ├── pipeline_kandinsky_prior.py │ │ └── text_encoder.py │ ├── kandinsky2_2 │ │ ├── __init__.py │ │ ├── pipeline_kandinsky2_2.py │ │ ├── pipeline_kandinsky2_2_combined.py │ │ ├── pipeline_kandinsky2_2_controlnet.py │ │ ├── pipeline_kandinsky2_2_controlnet_img2img.py │ │ ├── pipeline_kandinsky2_2_img2img.py │ │ ├── pipeline_kandinsky2_2_inpainting.py │ │ ├── pipeline_kandinsky2_2_prior.py │ │ └── pipeline_kandinsky2_2_prior_emb2emb.py │ ├── kandinsky3 │ │ ├── __init__.py │ │ ├── convert_kandinsky3_unet.py │ │ ├── pipeline_kandinsky3.py │ │ └── pipeline_kandinsky3_img2img.py │ ├── latent_consistency_models │ │ ├── __init__.py │ │ ├── pipeline_latent_consistency_img2img.py │ │ └── pipeline_latent_consistency_text2img.py │ ├── latent_diffusion │ │ ├── __init__.py │ │ ├── pipeline_latent_diffusion.py │ │ └── pipeline_latent_diffusion_superresolution.py │ ├── ledits_pp │ │ ├── __init__.py │ │ ├── pipeline_leditspp_stable_diffusion.py │ │ ├── pipeline_leditspp_stable_diffusion_xl.py │ │ └── pipeline_output.py │ ├── marigold │ │ ├── __init__.py │ │ ├── marigold_image_processing.py │ │ ├── pipeline_marigold_depth.py │ │ └── pipeline_marigold_normals.py │ ├── musicldm │ │ ├── __init__.py │ │ └── pipeline_musicldm.py │ ├── onnx_utils.py │ ├── paint_by_example │ │ ├── __init__.py │ │ ├── image_encoder.py │ │ └── pipeline_paint_by_example.py │ ├── pia │ │ ├── __init__.py │ │ └── pipeline_pia.py │ ├── pipeline_flax_utils.py │ ├── pipeline_loading_utils.py │ ├── pipeline_utils.py │ ├── pixart_alpha │ │ ├── __init__.py │ │ ├── pipeline_pixart_alpha.py │ │ └── pipeline_pixart_sigma.py │ ├── semantic_stable_diffusion │ │ ├── __init__.py │ │ ├── pipeline_output.py │ │ └── pipeline_semantic_stable_diffusion.py │ ├── shap_e │ │ ├── __init__.py │ │ ├── camera.py │ │ ├── pipeline_shap_e.py │ │ ├── pipeline_shap_e_img2img.py │ │ └── renderer.py │ ├── stable_cascade │ │ ├── __init__.py │ │ ├── pipeline_stable_cascade.py │ │ ├── pipeline_stable_cascade_combined.py │ │ └── pipeline_stable_cascade_prior.py │ ├── stable_diffusion │ │ ├── README.md │ │ ├── __init__.py │ │ ├── clip_image_project_model.py │ │ ├── convert_from_ckpt.py │ │ ├── pipeline_flax_stable_diffusion.py │ │ ├── pipeline_flax_stable_diffusion_img2img.py │ │ ├── pipeline_flax_stable_diffusion_inpaint.py │ │ ├── pipeline_onnx_stable_diffusion.py │ │ ├── pipeline_onnx_stable_diffusion_img2img.py │ │ ├── pipeline_onnx_stable_diffusion_inpaint.py │ │ ├── pipeline_onnx_stable_diffusion_upscale.py │ │ ├── pipeline_output.py │ │ ├── pipeline_stable_diffusion.py │ │ ├── pipeline_stable_diffusion_depth2img.py │ │ ├── pipeline_stable_diffusion_image_variation.py │ │ ├── pipeline_stable_diffusion_img2img.py │ │ ├── pipeline_stable_diffusion_inpaint.py │ │ ├── pipeline_stable_diffusion_inpaint_bk.py │ │ ├── pipeline_stable_diffusion_instruct_pix2pix.py │ │ ├── pipeline_stable_diffusion_latent_upscale.py │ │ ├── pipeline_stable_diffusion_multiview.py │ │ ├── pipeline_stable_diffusion_upscale.py │ │ ├── pipeline_stable_unclip.py │ │ ├── pipeline_stable_unclip_img2img.py │ │ ├── safety_checker.py │ │ ├── safety_checker_flax.py │ │ └── stable_unclip_image_normalizer.py │ ├── stable_diffusion_attend_and_excite │ │ ├── __init__.py │ │ └── pipeline_stable_diffusion_attend_and_excite.py │ ├── stable_diffusion_diffedit │ │ ├── __init__.py │ │ └── pipeline_stable_diffusion_diffedit.py │ ├── stable_diffusion_gligen │ │ ├── __init__.py │ │ ├── pipeline_stable_diffusion_gligen.py │ │ └── pipeline_stable_diffusion_gligen_text_image.py │ ├── stable_diffusion_k_diffusion │ │ ├── __init__.py │ │ ├── pipeline_stable_diffusion_k_diffusion.py │ │ └── pipeline_stable_diffusion_xl_k_diffusion.py │ ├── stable_diffusion_ldm3d │ │ ├── __init__.py │ │ └── pipeline_stable_diffusion_ldm3d.py │ ├── stable_diffusion_panorama │ │ ├── __init__.py │ │ └── pipeline_stable_diffusion_panorama.py │ ├── stable_diffusion_safe │ │ ├── __init__.py │ │ ├── pipeline_output.py │ │ ├── pipeline_stable_diffusion_safe.py │ │ └── safety_checker.py │ ├── stable_diffusion_sag │ │ ├── __init__.py │ │ └── pipeline_stable_diffusion_sag.py │ ├── stable_diffusion_xl │ │ ├── __init__.py │ │ ├── pipeline_flax_stable_diffusion_xl.py │ │ ├── pipeline_output.py │ │ ├── pipeline_stable_diffusion_xl.py │ │ ├── pipeline_stable_diffusion_xl_img2img.py │ │ ├── pipeline_stable_diffusion_xl_inpaint.py │ │ ├── pipeline_stable_diffusion_xl_instruct_pix2pix.py │ │ └── watermark.py │ ├── stable_video_diffusion │ │ ├── __init__.py │ │ └── pipeline_stable_video_diffusion.py │ ├── t2i_adapter │ │ ├── __init__.py │ │ ├── pipeline_stable_diffusion_adapter.py │ │ └── pipeline_stable_diffusion_xl_adapter.py │ ├── text_to_video_synthesis │ │ ├── __init__.py │ │ ├── pipeline_output.py │ │ ├── pipeline_text_to_video_synth.py │ │ ├── pipeline_text_to_video_synth_img2img.py │ │ ├── pipeline_text_to_video_zero.py │ │ └── pipeline_text_to_video_zero_sdxl.py │ ├── unclip │ │ ├── __init__.py │ │ ├── pipeline_unclip.py │ │ ├── pipeline_unclip_image_variation.py │ │ └── text_proj.py │ ├── unidiffuser │ │ ├── __init__.py │ │ ├── modeling_text_decoder.py │ │ ├── modeling_uvit.py │ │ └── pipeline_unidiffuser.py │ └── wuerstchen │ │ ├── __init__.py │ │ ├── modeling_paella_vq_model.py │ │ ├── modeling_wuerstchen_common.py │ │ ├── modeling_wuerstchen_diffnext.py │ │ ├── modeling_wuerstchen_prior.py │ │ ├── pipeline_wuerstchen.py │ │ ├── pipeline_wuerstchen_combined.py │ │ └── pipeline_wuerstchen_prior.py ├── py.typed ├── schedulers │ ├── README.md │ ├── __init__.py │ ├── deprecated │ │ ├── __init__.py │ │ ├── scheduling_karras_ve.py │ │ └── scheduling_sde_vp.py │ ├── scheduling_amused.py │ ├── scheduling_consistency_decoder.py │ ├── scheduling_consistency_models.py │ ├── scheduling_ddim.py │ ├── scheduling_ddim_flax.py │ ├── scheduling_ddim_inverse.py │ ├── scheduling_ddim_parallel.py │ ├── scheduling_ddpm.py │ ├── scheduling_ddpm_flax.py │ ├── scheduling_ddpm_parallel.py │ ├── scheduling_ddpm_wuerstchen.py │ ├── scheduling_deis_multistep.py │ ├── scheduling_dpmsolver_multistep.py │ ├── scheduling_dpmsolver_multistep_flax.py │ ├── scheduling_dpmsolver_multistep_inverse.py │ ├── scheduling_dpmsolver_sde.py │ ├── scheduling_dpmsolver_singlestep.py │ ├── scheduling_edm_dpmsolver_multistep.py │ ├── scheduling_edm_euler.py │ ├── scheduling_euler_ancestral_discrete.py │ ├── scheduling_euler_discrete.py │ ├── scheduling_euler_discrete_flax.py │ ├── scheduling_heun_discrete.py │ ├── scheduling_ipndm.py │ ├── scheduling_k_dpm_2_ancestral_discrete.py │ ├── scheduling_k_dpm_2_discrete.py │ ├── scheduling_karras_ve_flax.py │ ├── scheduling_lcm.py │ ├── scheduling_lms_discrete.py │ ├── scheduling_lms_discrete_flax.py │ ├── scheduling_pndm.py │ ├── scheduling_pndm_flax.py │ ├── scheduling_repaint.py │ ├── scheduling_sasolver.py │ ├── scheduling_sde_ve.py │ ├── scheduling_sde_ve_flax.py │ ├── scheduling_tcd.py │ ├── scheduling_unclip.py │ ├── scheduling_unipc_multistep.py │ ├── scheduling_utils.py │ ├── scheduling_utils_flax.py │ └── scheduling_vq_diffusion.py ├── training_utils.py ├── utils │ ├── __init__.py │ ├── accelerate_utils.py │ ├── constants.py │ ├── deprecation_utils.py │ ├── doc_utils.py │ ├── dummy_flax_and_transformers_objects.py │ ├── dummy_flax_objects.py │ ├── dummy_note_seq_objects.py │ ├── dummy_onnx_objects.py │ ├── dummy_pt_objects.py │ ├── dummy_torch_and_librosa_objects.py │ ├── dummy_torch_and_scipy_objects.py │ ├── dummy_torch_and_torchsde_objects.py │ ├── dummy_torch_and_transformers_and_k_diffusion_objects.py │ ├── dummy_torch_and_transformers_and_onnx_objects.py │ ├── dummy_torch_and_transformers_objects.py │ ├── dummy_transformers_and_torch_and_note_seq_objects.py │ ├── dynamic_modules_utils.py │ ├── export_utils.py │ ├── hub_utils.py │ ├── import_utils.py │ ├── loading_utils.py │ ├── logging.py │ ├── model_card_template.md │ ├── outputs.py │ ├── peft_utils.py │ ├── pil_utils.py │ ├── state_dict_utils.py │ ├── testing_utils.py │ ├── torch_utils.py │ └── versions.py └── video_processor.py ├── requirements.txt ├── run_mvgen.py ├── src ├── datasets │ ├── acid_dataset.py │ ├── co3d_dataset.py │ ├── dl3dv_dataset.py │ ├── gl3d_dataset.py │ ├── global_datasets.py │ ├── global_sampler.py │ ├── multi_scale.py │ ├── mvimagenet_dataset.py │ ├── real10k_dataset.py │ └── scannet_dataset.py └── modules │ ├── cam_vis.py │ ├── camera.py │ ├── extra_encoder.py │ ├── position_encoding.py │ └── schedulers.py ├── train.py └── utils.py /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/README.md -------------------------------------------------------------------------------- /configs/datasets/acid.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/acid.yaml -------------------------------------------------------------------------------- /configs/datasets/aerial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/aerial.yaml -------------------------------------------------------------------------------- /configs/datasets/co3dv2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/co3dv2.yaml -------------------------------------------------------------------------------- /configs/datasets/dl3dv.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/dl3dv.yaml -------------------------------------------------------------------------------- /configs/datasets/front3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/front3d.yaml -------------------------------------------------------------------------------- /configs/datasets/gl3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/gl3d.yaml -------------------------------------------------------------------------------- /configs/datasets/megascenes.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/megascenes.yaml -------------------------------------------------------------------------------- /configs/datasets/mvimagenet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/mvimagenet.yaml -------------------------------------------------------------------------------- /configs/datasets/objaverse.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/objaverse.yaml -------------------------------------------------------------------------------- /configs/datasets/ratio_set.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/ratio_set.json -------------------------------------------------------------------------------- /configs/datasets/real10k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/real10k.yaml -------------------------------------------------------------------------------- /configs/datasets/scannet++.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/scannet++.yaml -------------------------------------------------------------------------------- /configs/datasets/streetview.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/datasets/streetview.yaml -------------------------------------------------------------------------------- /configs/deepspeed/acc_zero2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/deepspeed/acc_zero2.yaml -------------------------------------------------------------------------------- /configs/deepspeed/acc_zero2_bf16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/deepspeed/acc_zero2_bf16.yaml -------------------------------------------------------------------------------- /configs/deepspeed/ds_zero2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/deepspeed/ds_zero2.json -------------------------------------------------------------------------------- /configs/deepspeed/ds_zero2_bf16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/deepspeed/ds_zero2_bf16.json -------------------------------------------------------------------------------- /configs/mvgenmaster_train_stage1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/mvgenmaster_train_stage1.yaml -------------------------------------------------------------------------------- /configs/mvgenmaster_train_stage2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/configs/mvgenmaster_train_stage2.yaml -------------------------------------------------------------------------------- /data/put data here: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /demo/flux-0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/flux-0.png -------------------------------------------------------------------------------- /demo/flux-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/flux-1.png -------------------------------------------------------------------------------- /demo/flux-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/flux-2.png -------------------------------------------------------------------------------- /demo/flux-3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/flux-3.png -------------------------------------------------------------------------------- /demo/test1/img0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/test1/img0.png -------------------------------------------------------------------------------- /demo/test1/img1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/test1/img1.png -------------------------------------------------------------------------------- /demo/test1/img2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/test1/img2.png -------------------------------------------------------------------------------- /demo/test2/frame_00001.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/test2/frame_00001.png -------------------------------------------------------------------------------- /demo/test2/frame_00060.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/test2/frame_00060.png -------------------------------------------------------------------------------- /demo/test3/143977167.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/test3/143977167.png -------------------------------------------------------------------------------- /demo/test3/152118633.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/demo/test3/152118633.png -------------------------------------------------------------------------------- /depth_pro/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/__init__.py -------------------------------------------------------------------------------- /depth_pro/cli/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/cli/__init__.py -------------------------------------------------------------------------------- /depth_pro/cli/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/cli/run.py -------------------------------------------------------------------------------- /depth_pro/depth_pro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/depth_pro.py -------------------------------------------------------------------------------- /depth_pro/eval/boundary_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/eval/boundary_metrics.py -------------------------------------------------------------------------------- /depth_pro/eval/dis5k_sample_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/eval/dis5k_sample_list.txt -------------------------------------------------------------------------------- /depth_pro/network/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/network/__init__.py -------------------------------------------------------------------------------- /depth_pro/network/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/network/decoder.py -------------------------------------------------------------------------------- /depth_pro/network/encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/network/encoder.py -------------------------------------------------------------------------------- /depth_pro/network/fov.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/network/fov.py -------------------------------------------------------------------------------- /depth_pro/network/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/network/vit.py -------------------------------------------------------------------------------- /depth_pro/network/vit_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/network/vit_factory.py -------------------------------------------------------------------------------- /depth_pro/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/depth_pro/utils.py -------------------------------------------------------------------------------- /dust3r/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/__init__.py -------------------------------------------------------------------------------- /dust3r/cloud_opt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/cloud_opt/__init__.py -------------------------------------------------------------------------------- /dust3r/cloud_opt/base_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/cloud_opt/base_opt.py -------------------------------------------------------------------------------- /dust3r/cloud_opt/commons.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/cloud_opt/commons.py -------------------------------------------------------------------------------- /dust3r/cloud_opt/fast_viewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/cloud_opt/fast_viewer.py -------------------------------------------------------------------------------- /dust3r/cloud_opt/init_im_poses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/cloud_opt/init_im_poses.py -------------------------------------------------------------------------------- /dust3r/cloud_opt/modular_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/cloud_opt/modular_optimizer.py -------------------------------------------------------------------------------- /dust3r/cloud_opt/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/cloud_opt/optimizer.py -------------------------------------------------------------------------------- /dust3r/cloud_opt/pair_viewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/cloud_opt/pair_viewer.py -------------------------------------------------------------------------------- /dust3r/croco/assets/Chateau1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/assets/Chateau1.png -------------------------------------------------------------------------------- /dust3r/croco/assets/Chateau2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/assets/Chateau2.png -------------------------------------------------------------------------------- /dust3r/croco/assets/arch.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/assets/arch.jpg -------------------------------------------------------------------------------- /dust3r/croco/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/datasets/crops/README.MD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/crops/README.MD -------------------------------------------------------------------------------- /dust3r/croco/datasets/crops/extract_crops_from_images.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/crops/extract_crops_from_images.py -------------------------------------------------------------------------------- /dust3r/croco/datasets/habitat_sim/README.MD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/habitat_sim/README.MD -------------------------------------------------------------------------------- /dust3r/croco/datasets/habitat_sim/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/datasets/habitat_sim/generate_from_metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/habitat_sim/generate_from_metadata.py -------------------------------------------------------------------------------- /dust3r/croco/datasets/habitat_sim/generate_from_metadata_files.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/habitat_sim/generate_from_metadata_files.py -------------------------------------------------------------------------------- /dust3r/croco/datasets/habitat_sim/generate_multiview_images.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/habitat_sim/generate_multiview_images.py -------------------------------------------------------------------------------- /dust3r/croco/datasets/habitat_sim/multiview_habitat_sim_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/habitat_sim/multiview_habitat_sim_generator.py -------------------------------------------------------------------------------- /dust3r/croco/datasets/habitat_sim/pack_metadata_files.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/habitat_sim/pack_metadata_files.py -------------------------------------------------------------------------------- /dust3r/croco/datasets/habitat_sim/paths.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/habitat_sim/paths.py -------------------------------------------------------------------------------- /dust3r/croco/datasets/pairs_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/pairs_dataset.py -------------------------------------------------------------------------------- /dust3r/croco/datasets/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/datasets/transforms.py -------------------------------------------------------------------------------- /dust3r/croco/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/demo.py -------------------------------------------------------------------------------- /dust3r/croco/models/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/blocks.py -------------------------------------------------------------------------------- /dust3r/croco/models/criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/criterion.py -------------------------------------------------------------------------------- /dust3r/croco/models/croco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/croco.py -------------------------------------------------------------------------------- /dust3r/croco/models/croco_downstream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/croco_downstream.py -------------------------------------------------------------------------------- /dust3r/croco/models/curope/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/curope/__init__.py -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/lib.linux-x86_64-cpython-310/curope.cpython-310-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/lib.linux-x86_64-cpython-39/curope.cpython-39-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-310/.ninja_deps: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-310/.ninja_log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-310/build.ninja: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-310/curope.o: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-310/kernels.o: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-39/.ninja_deps: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-39/.ninja_log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-39/build.ninja: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-39/curope.o: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/build/temp.linux-x86_64-cpython-39/kernels.o: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/curope.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/curope/curope.cpp -------------------------------------------------------------------------------- /dust3r/croco/models/curope/curope.cpython-310-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/curope.cpython-39-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dust3r/croco/models/curope/curope2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/curope/curope2d.py -------------------------------------------------------------------------------- /dust3r/croco/models/curope/kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/curope/kernels.cu -------------------------------------------------------------------------------- /dust3r/croco/models/curope/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/curope/setup.py -------------------------------------------------------------------------------- /dust3r/croco/models/dpt_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/dpt_block.py -------------------------------------------------------------------------------- /dust3r/croco/models/head_downstream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/head_downstream.py -------------------------------------------------------------------------------- /dust3r/croco/models/masking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/masking.py -------------------------------------------------------------------------------- /dust3r/croco/models/pos_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/models/pos_embed.py -------------------------------------------------------------------------------- /dust3r/croco/pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/pretrain.py -------------------------------------------------------------------------------- /dust3r/croco/stereoflow/README.MD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/stereoflow/README.MD -------------------------------------------------------------------------------- /dust3r/croco/stereoflow/augmentor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/stereoflow/augmentor.py -------------------------------------------------------------------------------- /dust3r/croco/stereoflow/criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/stereoflow/criterion.py -------------------------------------------------------------------------------- /dust3r/croco/stereoflow/datasets_flow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/stereoflow/datasets_flow.py -------------------------------------------------------------------------------- /dust3r/croco/stereoflow/datasets_stereo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/stereoflow/datasets_stereo.py -------------------------------------------------------------------------------- /dust3r/croco/stereoflow/download_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/stereoflow/download_model.sh -------------------------------------------------------------------------------- /dust3r/croco/stereoflow/engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/stereoflow/engine.py -------------------------------------------------------------------------------- /dust3r/croco/stereoflow/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/stereoflow/test.py -------------------------------------------------------------------------------- /dust3r/croco/stereoflow/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/stereoflow/train.py -------------------------------------------------------------------------------- /dust3r/croco/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/croco/utils/misc.py -------------------------------------------------------------------------------- /dust3r/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/datasets/__init__.py -------------------------------------------------------------------------------- /dust3r/datasets/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/datasets/base/__init__.py -------------------------------------------------------------------------------- /dust3r/datasets/base/base_stereo_view_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/datasets/base/base_stereo_view_dataset.py -------------------------------------------------------------------------------- /dust3r/datasets/base/batched_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/datasets/base/batched_sampler.py -------------------------------------------------------------------------------- /dust3r/datasets/base/easy_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/datasets/base/easy_dataset.py -------------------------------------------------------------------------------- /dust3r/datasets/co3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/datasets/co3d.py -------------------------------------------------------------------------------- /dust3r/datasets/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/datasets/utils/__init__.py -------------------------------------------------------------------------------- /dust3r/datasets/utils/cropping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/datasets/utils/cropping.py -------------------------------------------------------------------------------- /dust3r/datasets/utils/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/datasets/utils/transforms.py -------------------------------------------------------------------------------- /dust3r/dust3r_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/dust3r_api.py -------------------------------------------------------------------------------- /dust3r/heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/heads/__init__.py -------------------------------------------------------------------------------- /dust3r/heads/dpt_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/heads/dpt_head.py -------------------------------------------------------------------------------- /dust3r/heads/linear_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/heads/linear_head.py -------------------------------------------------------------------------------- /dust3r/heads/postprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/heads/postprocess.py -------------------------------------------------------------------------------- /dust3r/image_pairs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/image_pairs.py -------------------------------------------------------------------------------- /dust3r/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/inference.py -------------------------------------------------------------------------------- /dust3r/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/losses.py -------------------------------------------------------------------------------- /dust3r/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/model.py -------------------------------------------------------------------------------- /dust3r/optim_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/optim_factory.py -------------------------------------------------------------------------------- /dust3r/patch_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/patch_embed.py -------------------------------------------------------------------------------- /dust3r/post_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/post_process.py -------------------------------------------------------------------------------- /dust3r/save_glb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/save_glb.py -------------------------------------------------------------------------------- /dust3r/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/utils/__init__.py -------------------------------------------------------------------------------- /dust3r/utils/device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/utils/device.py -------------------------------------------------------------------------------- /dust3r/utils/geometry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/utils/geometry.py -------------------------------------------------------------------------------- /dust3r/utils/image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/utils/image.py -------------------------------------------------------------------------------- /dust3r/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/utils/misc.py -------------------------------------------------------------------------------- /dust3r/utils/path_to_croco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/utils/path_to_croco.py -------------------------------------------------------------------------------- /dust3r/viz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/dust3r/viz.py -------------------------------------------------------------------------------- /my_diffusers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/__init__.py -------------------------------------------------------------------------------- /my_diffusers/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/callbacks.py -------------------------------------------------------------------------------- /my_diffusers/commands/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/commands/__init__.py -------------------------------------------------------------------------------- /my_diffusers/commands/diffusers_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/commands/diffusers_cli.py -------------------------------------------------------------------------------- /my_diffusers/commands/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/commands/env.py -------------------------------------------------------------------------------- /my_diffusers/commands/fp16_safetensors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/commands/fp16_safetensors.py -------------------------------------------------------------------------------- /my_diffusers/configuration_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/configuration_utils.py -------------------------------------------------------------------------------- /my_diffusers/dependency_versions_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/dependency_versions_check.py -------------------------------------------------------------------------------- /my_diffusers/dependency_versions_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/dependency_versions_table.py -------------------------------------------------------------------------------- /my_diffusers/experimental/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/experimental/README.md -------------------------------------------------------------------------------- /my_diffusers/experimental/__init__.py: -------------------------------------------------------------------------------- 1 | from .rl import ValueGuidedRLPipeline 2 | -------------------------------------------------------------------------------- /my_diffusers/experimental/rl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/experimental/rl/__init__.py -------------------------------------------------------------------------------- /my_diffusers/experimental/rl/value_guided_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/experimental/rl/value_guided_sampling.py -------------------------------------------------------------------------------- /my_diffusers/image_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/image_processor.py -------------------------------------------------------------------------------- /my_diffusers/loaders/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/__init__.py -------------------------------------------------------------------------------- /my_diffusers/loaders/autoencoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/autoencoder.py -------------------------------------------------------------------------------- /my_diffusers/loaders/controlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/controlnet.py -------------------------------------------------------------------------------- /my_diffusers/loaders/ip_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/ip_adapter.py -------------------------------------------------------------------------------- /my_diffusers/loaders/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/lora.py -------------------------------------------------------------------------------- /my_diffusers/loaders/lora_conversion_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/lora_conversion_utils.py -------------------------------------------------------------------------------- /my_diffusers/loaders/peft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/peft.py -------------------------------------------------------------------------------- /my_diffusers/loaders/single_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/single_file.py -------------------------------------------------------------------------------- /my_diffusers/loaders/single_file_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/single_file_model.py -------------------------------------------------------------------------------- /my_diffusers/loaders/single_file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/single_file_utils.py -------------------------------------------------------------------------------- /my_diffusers/loaders/textual_inversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/textual_inversion.py -------------------------------------------------------------------------------- /my_diffusers/loaders/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/unet.py -------------------------------------------------------------------------------- /my_diffusers/loaders/unet_loader_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/unet_loader_utils.py -------------------------------------------------------------------------------- /my_diffusers/loaders/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/loaders/utils.py -------------------------------------------------------------------------------- /my_diffusers/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/README.md -------------------------------------------------------------------------------- /my_diffusers/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/__init__.py -------------------------------------------------------------------------------- /my_diffusers/models/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/activations.py -------------------------------------------------------------------------------- /my_diffusers/models/adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/adapter.py -------------------------------------------------------------------------------- /my_diffusers/models/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/attention.py -------------------------------------------------------------------------------- /my_diffusers/models/attention_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/attention_flax.py -------------------------------------------------------------------------------- /my_diffusers/models/attention_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/attention_processor.py -------------------------------------------------------------------------------- /my_diffusers/models/autoencoders/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/autoencoders/__init__.py -------------------------------------------------------------------------------- /my_diffusers/models/autoencoders/autoencoder_asym_kl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/autoencoders/autoencoder_asym_kl.py -------------------------------------------------------------------------------- /my_diffusers/models/autoencoders/autoencoder_kl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/autoencoders/autoencoder_kl.py -------------------------------------------------------------------------------- /my_diffusers/models/autoencoders/autoencoder_kl_temporal_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/autoencoders/autoencoder_kl_temporal_decoder.py -------------------------------------------------------------------------------- /my_diffusers/models/autoencoders/autoencoder_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/autoencoders/autoencoder_tiny.py -------------------------------------------------------------------------------- /my_diffusers/models/autoencoders/consistency_decoder_vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/autoencoders/consistency_decoder_vae.py -------------------------------------------------------------------------------- /my_diffusers/models/autoencoders/vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/autoencoders/vae.py -------------------------------------------------------------------------------- /my_diffusers/models/autoencoders/vq_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/autoencoders/vq_model.py -------------------------------------------------------------------------------- /my_diffusers/models/controlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/controlnet.py -------------------------------------------------------------------------------- /my_diffusers/models/controlnet_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/controlnet_flax.py -------------------------------------------------------------------------------- /my_diffusers/models/controlnet_xs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/controlnet_xs.py -------------------------------------------------------------------------------- /my_diffusers/models/downsampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/downsampling.py -------------------------------------------------------------------------------- /my_diffusers/models/embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/embeddings.py -------------------------------------------------------------------------------- /my_diffusers/models/embeddings_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/embeddings_flax.py -------------------------------------------------------------------------------- /my_diffusers/models/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/lora.py -------------------------------------------------------------------------------- /my_diffusers/models/model_loading_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/model_loading_utils.py -------------------------------------------------------------------------------- /my_diffusers/models/modeling_flax_pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/modeling_flax_pytorch_utils.py -------------------------------------------------------------------------------- /my_diffusers/models/modeling_flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/modeling_flax_utils.py -------------------------------------------------------------------------------- /my_diffusers/models/modeling_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/modeling_outputs.py -------------------------------------------------------------------------------- /my_diffusers/models/modeling_pytorch_flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/modeling_pytorch_flax_utils.py -------------------------------------------------------------------------------- /my_diffusers/models/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/modeling_utils.py -------------------------------------------------------------------------------- /my_diffusers/models/normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/normalization.py -------------------------------------------------------------------------------- /my_diffusers/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/resnet.py -------------------------------------------------------------------------------- /my_diffusers/models/resnet_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/resnet_flax.py -------------------------------------------------------------------------------- /my_diffusers/models/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/transformers/__init__.py -------------------------------------------------------------------------------- /my_diffusers/models/transformers/dit_transformer_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/transformers/dit_transformer_2d.py -------------------------------------------------------------------------------- /my_diffusers/models/transformers/dual_transformer_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/transformers/dual_transformer_2d.py -------------------------------------------------------------------------------- /my_diffusers/models/transformers/hunyuan_transformer_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/transformers/hunyuan_transformer_2d.py -------------------------------------------------------------------------------- /my_diffusers/models/transformers/pixart_transformer_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/transformers/pixart_transformer_2d.py -------------------------------------------------------------------------------- /my_diffusers/models/transformers/prior_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/transformers/prior_transformer.py -------------------------------------------------------------------------------- /my_diffusers/models/transformers/t5_film_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/transformers/t5_film_transformer.py -------------------------------------------------------------------------------- /my_diffusers/models/transformers/transformer_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/transformers/transformer_2d.py -------------------------------------------------------------------------------- /my_diffusers/models/transformers/transformer_temporal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/transformers/transformer_temporal.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/__init__.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_1d.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_1d_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_1d_blocks.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_2d.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_2d_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_2d_blocks.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_2d_blocks_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_2d_blocks_flax.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_2d_condition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_2d_condition.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_2d_condition_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_2d_condition_flax.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_3d_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_3d_blocks.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_3d_condition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_3d_condition.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_i2vgen_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_i2vgen_xl.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_kandinsky3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_kandinsky3.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_motion_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_motion_model.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_spatio_temporal_condition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_spatio_temporal_condition.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/unet_stable_cascade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/unet_stable_cascade.py -------------------------------------------------------------------------------- /my_diffusers/models/unets/uvit_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/unets/uvit_2d.py -------------------------------------------------------------------------------- /my_diffusers/models/upsampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/upsampling.py -------------------------------------------------------------------------------- /my_diffusers/models/vae_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/vae_flax.py -------------------------------------------------------------------------------- /my_diffusers/models/vq_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/models/vq_model.py -------------------------------------------------------------------------------- /my_diffusers/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/optimization.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/README.md -------------------------------------------------------------------------------- /my_diffusers/pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/amused/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/amused/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/amused/pipeline_amused.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/amused/pipeline_amused.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/amused/pipeline_amused_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/amused/pipeline_amused_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/amused/pipeline_amused_inpaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/amused/pipeline_amused_inpaint.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/animatediff/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/animatediff/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/animatediff/pipeline_animatediff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/animatediff/pipeline_animatediff.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/animatediff/pipeline_animatediff_sdxl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/animatediff/pipeline_animatediff_sdxl.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/animatediff/pipeline_animatediff_video2video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/animatediff/pipeline_animatediff_video2video.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/animatediff/pipeline_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/animatediff/pipeline_output.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/audioldm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/audioldm/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/audioldm/pipeline_audioldm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/audioldm/pipeline_audioldm.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/audioldm2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/audioldm2/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/audioldm2/modeling_audioldm2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/audioldm2/modeling_audioldm2.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/audioldm2/pipeline_audioldm2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/audioldm2/pipeline_audioldm2.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/auto_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/auto_pipeline.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/blip_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/blip_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/blip_diffusion/blip_image_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/blip_diffusion/blip_image_processing.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/blip_diffusion/modeling_blip2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/blip_diffusion/modeling_blip2.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/blip_diffusion/modeling_ctx_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/blip_diffusion/modeling_ctx_clip.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/blip_diffusion/pipeline_blip_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/blip_diffusion/pipeline_blip_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/consistency_models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/consistency_models/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/consistency_models/pipeline_consistency_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/consistency_models/pipeline_consistency_models.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/multicontrolnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/multicontrolnet.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/pipeline_controlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/pipeline_controlnet.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/pipeline_controlnet_blip_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/pipeline_controlnet_blip_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/pipeline_controlnet_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/pipeline_controlnet_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/pipeline_controlnet_inpaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/pipeline_controlnet_inpaint.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/pipeline_controlnet_inpaint_sd_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/pipeline_controlnet_inpaint_sd_xl.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet/pipeline_flax_controlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet/pipeline_flax_controlnet.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet_xs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet_xs/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet_xs/pipeline_controlnet_xs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet_xs/pipeline_controlnet_xs.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/controlnet_xs/pipeline_controlnet_xs_sd_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/controlnet_xs/pipeline_controlnet_xs_sd_xl.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/dance_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/dance_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/dance_diffusion/pipeline_dance_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/dance_diffusion/pipeline_dance_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/ddim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/ddim/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/ddim/pipeline_ddim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/ddim/pipeline_ddim.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/ddpm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/ddpm/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/ddpm/pipeline_ddpm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/ddpm/pipeline_ddpm.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/pipeline_if.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/pipeline_if.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/pipeline_if_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/pipeline_if_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/pipeline_if_img2img_superresolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/pipeline_if_img2img_superresolution.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/pipeline_if_inpainting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/pipeline_if_inpainting.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/pipeline_if_inpainting_superresolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/pipeline_if_inpainting_superresolution.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/pipeline_if_superresolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/pipeline_if_superresolution.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/pipeline_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/pipeline_output.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/safety_checker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/safety_checker.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/timesteps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/timesteps.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deepfloyd_if/watermark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deepfloyd_if/watermark.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/README.md -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/alt_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/alt_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/alt_diffusion/modeling_roberta_series.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/alt_diffusion/modeling_roberta_series.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/alt_diffusion/pipeline_alt_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/alt_diffusion/pipeline_alt_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/alt_diffusion/pipeline_alt_diffusion_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/alt_diffusion/pipeline_alt_diffusion_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/alt_diffusion/pipeline_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/alt_diffusion/pipeline_output.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/audio_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/audio_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/audio_diffusion/mel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/audio_diffusion/mel.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/audio_diffusion/pipeline_audio_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/audio_diffusion/pipeline_audio_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/latent_diffusion_uncond/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/latent_diffusion_uncond/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/latent_diffusion_uncond/pipeline_latent_diffusion_uncond.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/latent_diffusion_uncond/pipeline_latent_diffusion_uncond.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/pndm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/pndm/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/pndm/pipeline_pndm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/pndm/pipeline_pndm.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/repaint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/repaint/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/repaint/pipeline_repaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/repaint/pipeline_repaint.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/score_sde_ve/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/score_sde_ve/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/score_sde_ve/pipeline_score_sde_ve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/score_sde_ve/pipeline_score_sde_ve.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/spectrogram_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/spectrogram_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/spectrogram_diffusion/continuous_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/spectrogram_diffusion/continuous_encoder.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/spectrogram_diffusion/midi_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/spectrogram_diffusion/midi_utils.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/spectrogram_diffusion/notes_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/spectrogram_diffusion/notes_encoder.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/spectrogram_diffusion/pipeline_spectrogram_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/spectrogram_diffusion/pipeline_spectrogram_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/stable_diffusion_variants/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/stable_diffusion_variants/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_cycle_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_cycle_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_onnx_stable_diffusion_inpaint_legacy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_onnx_stable_diffusion_inpaint_legacy.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_stable_diffusion_inpaint_legacy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_stable_diffusion_inpaint_legacy.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_stable_diffusion_model_editing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_stable_diffusion_model_editing.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_stable_diffusion_paradigms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_stable_diffusion_paradigms.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_stable_diffusion_pix2pix_zero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/stable_diffusion_variants/pipeline_stable_diffusion_pix2pix_zero.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/stochastic_karras_ve/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/stochastic_karras_ve/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/stochastic_karras_ve/pipeline_stochastic_karras_ve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/stochastic_karras_ve/pipeline_stochastic_karras_ve.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/versatile_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/versatile_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/versatile_diffusion/modeling_text_unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/versatile_diffusion/modeling_text_unet.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/versatile_diffusion/pipeline_versatile_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/versatile_diffusion/pipeline_versatile_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/versatile_diffusion/pipeline_versatile_diffusion_dual_guided.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/versatile_diffusion/pipeline_versatile_diffusion_dual_guided.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/versatile_diffusion/pipeline_versatile_diffusion_image_variation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/versatile_diffusion/pipeline_versatile_diffusion_image_variation.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/versatile_diffusion/pipeline_versatile_diffusion_text_to_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/versatile_diffusion/pipeline_versatile_diffusion_text_to_image.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/vq_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/vq_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/deprecated/vq_diffusion/pipeline_vq_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/deprecated/vq_diffusion/pipeline_vq_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/dit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/dit/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/dit/pipeline_dit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/dit/pipeline_dit.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/free_init_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/free_init_utils.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/hunyuandit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/hunyuandit/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/hunyuandit/pipeline_hunyuandit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/hunyuandit/pipeline_hunyuandit.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/i2vgen_xl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/i2vgen_xl/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/i2vgen_xl/pipeline_i2vgen_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/i2vgen_xl/pipeline_i2vgen_xl.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky/pipeline_kandinsky.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky/pipeline_kandinsky.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky/pipeline_kandinsky_combined.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky/pipeline_kandinsky_combined.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky/pipeline_kandinsky_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky/pipeline_kandinsky_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky/pipeline_kandinsky_inpaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky/pipeline_kandinsky_inpaint.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky/pipeline_kandinsky_prior.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky/pipeline_kandinsky_prior.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky/text_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky/text_encoder.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky2_2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky2_2/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_combined.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_combined.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_controlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_controlnet.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_controlnet_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_controlnet_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_inpainting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_inpainting.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_prior.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_prior.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_prior_emb2emb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky2_2/pipeline_kandinsky2_2_prior_emb2emb.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky3/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky3/convert_kandinsky3_unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky3/convert_kandinsky3_unet.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky3/pipeline_kandinsky3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky3/pipeline_kandinsky3.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/kandinsky3/pipeline_kandinsky3_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/kandinsky3/pipeline_kandinsky3_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/latent_consistency_models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/latent_consistency_models/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/latent_consistency_models/pipeline_latent_consistency_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/latent_consistency_models/pipeline_latent_consistency_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/latent_consistency_models/pipeline_latent_consistency_text2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/latent_consistency_models/pipeline_latent_consistency_text2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/latent_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/latent_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/latent_diffusion/pipeline_latent_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/latent_diffusion/pipeline_latent_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/latent_diffusion/pipeline_latent_diffusion_superresolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/latent_diffusion/pipeline_latent_diffusion_superresolution.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/ledits_pp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/ledits_pp/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/ledits_pp/pipeline_leditspp_stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/ledits_pp/pipeline_leditspp_stable_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/ledits_pp/pipeline_leditspp_stable_diffusion_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/ledits_pp/pipeline_leditspp_stable_diffusion_xl.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/ledits_pp/pipeline_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/ledits_pp/pipeline_output.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/marigold/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/marigold/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/marigold/marigold_image_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/marigold/marigold_image_processing.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/marigold/pipeline_marigold_depth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/marigold/pipeline_marigold_depth.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/marigold/pipeline_marigold_normals.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/marigold/pipeline_marigold_normals.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/musicldm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/musicldm/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/musicldm/pipeline_musicldm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/musicldm/pipeline_musicldm.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/onnx_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/onnx_utils.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/paint_by_example/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/paint_by_example/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/paint_by_example/image_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/paint_by_example/image_encoder.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/paint_by_example/pipeline_paint_by_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/paint_by_example/pipeline_paint_by_example.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/pia/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/pia/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/pia/pipeline_pia.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/pia/pipeline_pia.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/pipeline_flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/pipeline_flax_utils.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/pipeline_loading_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/pipeline_loading_utils.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/pipeline_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/pipeline_utils.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/pixart_alpha/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/pixart_alpha/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/pixart_alpha/pipeline_pixart_alpha.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/pixart_alpha/pipeline_pixart_alpha.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/pixart_alpha/pipeline_pixart_sigma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/pixart_alpha/pipeline_pixart_sigma.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/semantic_stable_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/semantic_stable_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/semantic_stable_diffusion/pipeline_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/semantic_stable_diffusion/pipeline_output.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/semantic_stable_diffusion/pipeline_semantic_stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/semantic_stable_diffusion/pipeline_semantic_stable_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/shap_e/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/shap_e/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/shap_e/camera.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/shap_e/camera.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/shap_e/pipeline_shap_e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/shap_e/pipeline_shap_e.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/shap_e/pipeline_shap_e_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/shap_e/pipeline_shap_e_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/shap_e/renderer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/shap_e/renderer.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_cascade/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_cascade/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_cascade/pipeline_stable_cascade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_cascade/pipeline_stable_cascade.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_cascade/pipeline_stable_cascade_combined.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_cascade/pipeline_stable_cascade_combined.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_cascade/pipeline_stable_cascade_prior.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_cascade/pipeline_stable_cascade_prior.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/README.md -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/clip_image_project_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/clip_image_project_model.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/convert_from_ckpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/convert_from_ckpt.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_flax_stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_flax_stable_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_flax_stable_diffusion_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_flax_stable_diffusion_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_flax_stable_diffusion_inpaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_flax_stable_diffusion_inpaint.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion_inpaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion_inpaint.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion_upscale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_onnx_stable_diffusion_upscale.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_output.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_depth2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_depth2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_image_variation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_image_variation.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint_bk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint_bk.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_instruct_pix2pix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_instruct_pix2pix.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_latent_upscale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_latent_upscale.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_multiview.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_multiview.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_upscale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_upscale.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_unclip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_unclip.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/pipeline_stable_unclip_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/pipeline_stable_unclip_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/safety_checker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/safety_checker.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/safety_checker_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/safety_checker_flax.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion/stable_unclip_image_normalizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion/stable_unclip_image_normalizer.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_attend_and_excite/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_attend_and_excite/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_attend_and_excite/pipeline_stable_diffusion_attend_and_excite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_attend_and_excite/pipeline_stable_diffusion_attend_and_excite.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_diffedit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_diffedit/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_diffedit/pipeline_stable_diffusion_diffedit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_diffedit/pipeline_stable_diffusion_diffedit.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_gligen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_gligen/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_gligen/pipeline_stable_diffusion_gligen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_gligen/pipeline_stable_diffusion_gligen.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_gligen/pipeline_stable_diffusion_gligen_text_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_gligen/pipeline_stable_diffusion_gligen_text_image.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_k_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_k_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_k_diffusion/pipeline_stable_diffusion_k_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_k_diffusion/pipeline_stable_diffusion_k_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_k_diffusion/pipeline_stable_diffusion_xl_k_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_k_diffusion/pipeline_stable_diffusion_xl_k_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_ldm3d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_ldm3d/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_ldm3d/pipeline_stable_diffusion_ldm3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_ldm3d/pipeline_stable_diffusion_ldm3d.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_panorama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_panorama/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_panorama/pipeline_stable_diffusion_panorama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_panorama/pipeline_stable_diffusion_panorama.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_safe/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_safe/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_safe/pipeline_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_safe/pipeline_output.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_safe/pipeline_stable_diffusion_safe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_safe/pipeline_stable_diffusion_safe.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_safe/safety_checker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_safe/safety_checker.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_sag/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_sag/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_sag/pipeline_stable_diffusion_sag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_sag/pipeline_stable_diffusion_sag.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_xl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_xl/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_xl/pipeline_flax_stable_diffusion_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_xl/pipeline_flax_stable_diffusion_xl.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_xl/pipeline_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_xl/pipeline_output.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_inpaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_inpaint.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_instruct_pix2pix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_instruct_pix2pix.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_diffusion_xl/watermark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_diffusion_xl/watermark.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_video_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_video_diffusion/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/stable_video_diffusion/pipeline_stable_video_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/stable_video_diffusion/pipeline_stable_video_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/t2i_adapter/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/t2i_adapter/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/t2i_adapter/pipeline_stable_diffusion_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/t2i_adapter/pipeline_stable_diffusion_adapter.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/t2i_adapter/pipeline_stable_diffusion_xl_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/t2i_adapter/pipeline_stable_diffusion_xl_adapter.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/text_to_video_synthesis/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/text_to_video_synthesis/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/text_to_video_synthesis/pipeline_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/text_to_video_synthesis/pipeline_output.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_synth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_synth.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_synth_img2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_synth_img2img.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_zero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_zero.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_zero_sdxl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_zero_sdxl.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/unclip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/unclip/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/unclip/pipeline_unclip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/unclip/pipeline_unclip.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/unclip/pipeline_unclip_image_variation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/unclip/pipeline_unclip_image_variation.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/unclip/text_proj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/unclip/text_proj.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/unidiffuser/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/unidiffuser/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/unidiffuser/modeling_text_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/unidiffuser/modeling_text_decoder.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/unidiffuser/modeling_uvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/unidiffuser/modeling_uvit.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/unidiffuser/pipeline_unidiffuser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/unidiffuser/pipeline_unidiffuser.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/wuerstchen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/wuerstchen/__init__.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/wuerstchen/modeling_paella_vq_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/wuerstchen/modeling_paella_vq_model.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/wuerstchen/modeling_wuerstchen_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/wuerstchen/modeling_wuerstchen_common.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/wuerstchen/modeling_wuerstchen_diffnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/wuerstchen/modeling_wuerstchen_diffnext.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/wuerstchen/modeling_wuerstchen_prior.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/wuerstchen/modeling_wuerstchen_prior.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/wuerstchen/pipeline_wuerstchen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/wuerstchen/pipeline_wuerstchen.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/wuerstchen/pipeline_wuerstchen_combined.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/wuerstchen/pipeline_wuerstchen_combined.py -------------------------------------------------------------------------------- /my_diffusers/pipelines/wuerstchen/pipeline_wuerstchen_prior.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/pipelines/wuerstchen/pipeline_wuerstchen_prior.py -------------------------------------------------------------------------------- /my_diffusers/py.typed: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /my_diffusers/schedulers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/README.md -------------------------------------------------------------------------------- /my_diffusers/schedulers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/__init__.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/deprecated/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/deprecated/__init__.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/deprecated/scheduling_karras_ve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/deprecated/scheduling_karras_ve.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/deprecated/scheduling_sde_vp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/deprecated/scheduling_sde_vp.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_amused.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_amused.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_consistency_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_consistency_decoder.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_consistency_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_consistency_models.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_ddim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_ddim.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_ddim_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_ddim_flax.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_ddim_inverse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_ddim_inverse.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_ddim_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_ddim_parallel.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_ddpm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_ddpm.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_ddpm_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_ddpm_flax.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_ddpm_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_ddpm_parallel.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_ddpm_wuerstchen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_ddpm_wuerstchen.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_deis_multistep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_deis_multistep.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_dpmsolver_multistep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_dpmsolver_multistep.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_dpmsolver_multistep_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_dpmsolver_multistep_flax.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_dpmsolver_multistep_inverse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_dpmsolver_multistep_inverse.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_dpmsolver_sde.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_dpmsolver_sde.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_dpmsolver_singlestep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_dpmsolver_singlestep.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_edm_dpmsolver_multistep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_edm_dpmsolver_multistep.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_edm_euler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_edm_euler.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_euler_ancestral_discrete.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_euler_ancestral_discrete.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_euler_discrete.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_euler_discrete.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_euler_discrete_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_euler_discrete_flax.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_heun_discrete.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_heun_discrete.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_ipndm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_ipndm.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_k_dpm_2_ancestral_discrete.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_k_dpm_2_ancestral_discrete.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_k_dpm_2_discrete.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_k_dpm_2_discrete.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_karras_ve_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_karras_ve_flax.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_lcm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_lcm.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_lms_discrete.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_lms_discrete.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_lms_discrete_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_lms_discrete_flax.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_pndm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_pndm.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_pndm_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_pndm_flax.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_repaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_repaint.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_sasolver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_sasolver.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_sde_ve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_sde_ve.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_sde_ve_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_sde_ve_flax.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_tcd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_tcd.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_unclip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_unclip.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_unipc_multistep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_unipc_multistep.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_utils.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_utils_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_utils_flax.py -------------------------------------------------------------------------------- /my_diffusers/schedulers/scheduling_vq_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/schedulers/scheduling_vq_diffusion.py -------------------------------------------------------------------------------- /my_diffusers/training_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/training_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/__init__.py -------------------------------------------------------------------------------- /my_diffusers/utils/accelerate_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/accelerate_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/constants.py -------------------------------------------------------------------------------- /my_diffusers/utils/deprecation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/deprecation_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/doc_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/doc_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_flax_and_transformers_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_flax_and_transformers_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_flax_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_flax_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_note_seq_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_note_seq_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_onnx_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_onnx_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_pt_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_pt_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_torch_and_librosa_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_torch_and_librosa_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_torch_and_scipy_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_torch_and_scipy_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_torch_and_torchsde_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_torch_and_torchsde_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_torch_and_transformers_and_k_diffusion_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_torch_and_transformers_and_k_diffusion_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_torch_and_transformers_and_onnx_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_torch_and_transformers_and_onnx_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_torch_and_transformers_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_torch_and_transformers_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dummy_transformers_and_torch_and_note_seq_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dummy_transformers_and_torch_and_note_seq_objects.py -------------------------------------------------------------------------------- /my_diffusers/utils/dynamic_modules_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/dynamic_modules_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/export_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/export_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/hub_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/hub_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/import_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/loading_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/loading_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/logging.py -------------------------------------------------------------------------------- /my_diffusers/utils/model_card_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/model_card_template.md -------------------------------------------------------------------------------- /my_diffusers/utils/outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/outputs.py -------------------------------------------------------------------------------- /my_diffusers/utils/peft_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/peft_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/pil_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/pil_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/state_dict_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/state_dict_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/testing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/testing_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/torch_utils.py -------------------------------------------------------------------------------- /my_diffusers/utils/versions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/utils/versions.py -------------------------------------------------------------------------------- /my_diffusers/video_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/my_diffusers/video_processor.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/requirements.txt -------------------------------------------------------------------------------- /run_mvgen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/run_mvgen.py -------------------------------------------------------------------------------- /src/datasets/acid_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/acid_dataset.py -------------------------------------------------------------------------------- /src/datasets/co3d_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/co3d_dataset.py -------------------------------------------------------------------------------- /src/datasets/dl3dv_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/dl3dv_dataset.py -------------------------------------------------------------------------------- /src/datasets/gl3d_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/gl3d_dataset.py -------------------------------------------------------------------------------- /src/datasets/global_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/global_datasets.py -------------------------------------------------------------------------------- /src/datasets/global_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/global_sampler.py -------------------------------------------------------------------------------- /src/datasets/multi_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/multi_scale.py -------------------------------------------------------------------------------- /src/datasets/mvimagenet_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/mvimagenet_dataset.py -------------------------------------------------------------------------------- /src/datasets/real10k_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/real10k_dataset.py -------------------------------------------------------------------------------- /src/datasets/scannet_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/datasets/scannet_dataset.py -------------------------------------------------------------------------------- /src/modules/cam_vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/modules/cam_vis.py -------------------------------------------------------------------------------- /src/modules/camera.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/modules/camera.py -------------------------------------------------------------------------------- /src/modules/extra_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/modules/extra_encoder.py -------------------------------------------------------------------------------- /src/modules/position_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/modules/position_encoding.py -------------------------------------------------------------------------------- /src/modules/schedulers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/src/modules/schedulers.py -------------------------------------------------------------------------------- /train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/train.py -------------------------------------------------------------------------------- /utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ewrfcas/MVGenMaster/HEAD/utils.py --------------------------------------------------------------------------------