Liyulingyue commited on
Commit
9d7c287
1 Parent(s): ce0dfec

Delete dream_outputs

Browse files
dream_outputs/feature_extractor/preprocessor_config.json DELETED
@@ -1,28 +0,0 @@
1
- {
2
- "crop_size": {
3
- "height": 224,
4
- "width": 224
5
- },
6
- "do_center_crop": true,
7
- "do_convert_rgb": true,
8
- "do_normalize": true,
9
- "do_rescale": true,
10
- "do_resize": true,
11
- "feature_extractor_type": "CLIPFeatureExtractor",
12
- "image_mean": [
13
- 0.48145466,
14
- 0.4578275,
15
- 0.40821073
16
- ],
17
- "image_processor_type": "CLIPFeatureExtractor",
18
- "image_std": [
19
- 0.26862954,
20
- 0.26130258,
21
- 0.27577711
22
- ],
23
- "resample": 3,
24
- "rescale_factor": 0.00392156862745098,
25
- "size": {
26
- "shortest_edge": 224
27
- }
28
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
dream_outputs/model_index.json DELETED
@@ -1,34 +0,0 @@
1
- {
2
- "_class_name": "StableDiffusionPipeline",
3
- "_diffusers_version": "0.14.0",
4
- "_ppdiffusers_version": "0.14.0",
5
- "feature_extractor": [
6
- "paddlenlp.transformers",
7
- "CLIPFeatureExtractor"
8
- ],
9
- "requires_safety_checker": true,
10
- "safety_checker": [
11
- "stable_diffusion",
12
- "StableDiffusionSafetyChecker"
13
- ],
14
- "scheduler": [
15
- "ppdiffusers",
16
- "PNDMScheduler"
17
- ],
18
- "text_encoder": [
19
- "paddlenlp.transformers",
20
- "CLIPTextModel"
21
- ],
22
- "tokenizer": [
23
- "paddlenlp.transformers",
24
- "CLIPTokenizer"
25
- ],
26
- "unet": [
27
- "ppdiffusers",
28
- "UNet2DConditionModel"
29
- ],
30
- "vae": [
31
- "ppdiffusers",
32
- "AutoencoderKL"
33
- ]
34
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
dream_outputs/safety_checker/config.json DELETED
@@ -1,23 +0,0 @@
1
- {
2
- "architectures": [
3
- "StableDiffusionSafetyChecker"
4
- ],
5
- "attention_dropout": 0.0,
6
- "dropout": 0.0,
7
- "dtype": "float32",
8
- "hidden_act": "quick_gelu",
9
- "hidden_size": 1024,
10
- "image_size": 224,
11
- "initializer_factor": 1.0,
12
- "initializer_range": 0.02,
13
- "intermediate_size": 4096,
14
- "layer_norm_eps": 1e-05,
15
- "model_type": "clip_vision_model",
16
- "num_attention_heads": 16,
17
- "num_channels": 3,
18
- "num_hidden_layers": 24,
19
- "paddlenlp_version": null,
20
- "patch_size": 14,
21
- "projection_dim": 768,
22
- "return_dict": true
23
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
dream_outputs/safety_checker/model_state.pdparams DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:32f077ae66725d0998c0a5acec459ea275d74185e5145ff00e0194771c210a91
3
- size 1215975166
 
 
 
 
dream_outputs/scheduler/scheduler_config.json DELETED
@@ -1,15 +0,0 @@
1
- {
2
- "_class_name": "PNDMScheduler",
3
- "_diffusers_version": "0.14.0",
4
- "_ppdiffusers_version": "0.14.0",
5
- "beta_end": 0.012,
6
- "beta_schedule": "scaled_linear",
7
- "beta_start": 0.00085,
8
- "clip_sample": false,
9
- "num_train_timesteps": 1000,
10
- "prediction_type": "epsilon",
11
- "set_alpha_to_one": false,
12
- "skip_prk_steps": true,
13
- "steps_offset": 1,
14
- "trained_betas": null
15
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
dream_outputs/text_encoder/config.json DELETED
@@ -1,25 +0,0 @@
1
- {
2
- "architectures": [
3
- "CLIPTextModel"
4
- ],
5
- "attention_dropout": 0.0,
6
- "bos_token_id": 0,
7
- "dropout": 0.0,
8
- "dtype": "float32",
9
- "eos_token_id": 2,
10
- "hidden_act": "quick_gelu",
11
- "hidden_size": 768,
12
- "initializer_factor": 1.0,
13
- "initializer_range": 0.02,
14
- "intermediate_size": 3072,
15
- "layer_norm_eps": 1e-05,
16
- "max_position_embeddings": 77,
17
- "model_type": "clip_text_model",
18
- "num_attention_heads": 12,
19
- "num_hidden_layers": 12,
20
- "pad_token_id": 1,
21
- "paddlenlp_version": null,
22
- "projection_dim": 768,
23
- "return_dict": true,
24
- "vocab_size": 49408
25
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
dream_outputs/text_encoder/model_state.pdparams DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:4fb6cc3790560723d2b33477afcefafe1949abeb0d850707da742a3b4e68ebaf
3
- size 492264386
 
 
 
 
dream_outputs/tokenizer/merges.txt DELETED
The diff for this file is too large to render. See raw diff
 
dream_outputs/tokenizer/special_tokens_map.json DELETED
@@ -1 +0,0 @@
1
- {"bos_token": {"content": "<|startoftext|>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, "eos_token": {"content": "<|endoftext|>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, "unk_token": {"content": "<|endoftext|>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, "pad_token": "<|endoftext|>"}
 
 
dream_outputs/tokenizer/tokenizer_config.json DELETED
@@ -1 +0,0 @@
1
- {"errors": "replace", "max_len": 77, "bos_token": {"content": "<|startoftext|>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "eos_token": {"content": "<|endoftext|>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "unk_token": {"content": "<|endoftext|>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "pad_token": "<|endoftext|>", "add_prefix_space": false, "do_lower_case": true, "model_max_length": 77, "name_or_path": "/root/.cache/huggingface/diffusers/models--Linaqruf--anything-v3.0/snapshots/07d0cba1b02a5a34255ab1e26bca50392e39940c/tokenizer", "special_tokens_map_file": "/home/aistudio/.cache/paddlenlp/ppdiffusers/Linaqruf/anything-v3.0/tokenizer/special_tokens_map.json", "tokenizer_class": "CLIPTokenizer"}
 
 
dream_outputs/tokenizer/vocab.json DELETED
The diff for this file is too large to render. See raw diff
 
dream_outputs/unet/config.json DELETED
@@ -1,53 +0,0 @@
1
- {
2
- "_class_name": "UNet2DConditionModel",
3
- "_diffusers_version": "0.14.0",
4
- "_name_or_path": "Linaqruf/anything-v3.0",
5
- "_ppdiffusers_version": "0.14.0",
6
- "act_fn": "silu",
7
- "attention_head_dim": 8,
8
- "block_out_channels": [
9
- 320,
10
- 640,
11
- 1280,
12
- 1280
13
- ],
14
- "center_input_sample": false,
15
- "class_embed_type": null,
16
- "conv_in_kernel": 3,
17
- "conv_out_kernel": 3,
18
- "cross_attention_dim": 768,
19
- "down_block_types": [
20
- "CrossAttnDownBlock2D",
21
- "CrossAttnDownBlock2D",
22
- "CrossAttnDownBlock2D",
23
- "DownBlock2D"
24
- ],
25
- "downsample_padding": 1,
26
- "dual_cross_attention": false,
27
- "flip_sin_to_cos": true,
28
- "freq_shift": 0,
29
- "in_channels": 4,
30
- "layers_per_block": 2,
31
- "mid_block_scale_factor": 1,
32
- "mid_block_type": "UNetMidBlock2DCrossAttn",
33
- "norm_eps": 1e-05,
34
- "norm_num_groups": 32,
35
- "num_class_embeds": null,
36
- "only_cross_attention": false,
37
- "out_channels": 4,
38
- "projection_class_embeddings_input_dim": null,
39
- "resnet_pre_temb_non_linearity": false,
40
- "resnet_time_scale_shift": "default",
41
- "sample_size": 64,
42
- "time_cond_proj_dim": null,
43
- "time_embedding_type": "positional",
44
- "timestep_post_act": null,
45
- "up_block_types": [
46
- "UpBlock2D",
47
- "CrossAttnUpBlock2D",
48
- "CrossAttnUpBlock2D",
49
- "CrossAttnUpBlock2D"
50
- ],
51
- "upcast_attention": false,
52
- "use_linear_projection": false
53
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
dream_outputs/unet/model_state.pdparams DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:76d379255d7d934cfdaab8d48cbbf840013adf6b726021b46d77953a243f2f92
3
- size 3438161944
 
 
 
 
dream_outputs/vae/config.json DELETED
@@ -1,34 +0,0 @@
1
- {
2
- "_class_name": "AutoencoderKL",
3
- "_diffusers_version": "0.14.0",
4
- "_name_or_path": "/home/aistudio/.cache/paddlenlp/ppdiffusers/Linaqruf/anything-v3.0/vae",
5
- "_ppdiffusers_version": "0.14.0",
6
- "act_fn": "silu",
7
- "block_out_channels": [
8
- 128,
9
- 256,
10
- 512,
11
- 512
12
- ],
13
- "down_block_out_channels": null,
14
- "down_block_types": [
15
- "DownEncoderBlock2D",
16
- "DownEncoderBlock2D",
17
- "DownEncoderBlock2D",
18
- "DownEncoderBlock2D"
19
- ],
20
- "in_channels": 3,
21
- "latent_channels": 4,
22
- "layers_per_block": 2,
23
- "norm_num_groups": 32,
24
- "out_channels": 3,
25
- "sample_size": 256,
26
- "scaling_factor": 0.18215,
27
- "up_block_out_channels": null,
28
- "up_block_types": [
29
- "UpDecoderBlock2D",
30
- "UpDecoderBlock2D",
31
- "UpDecoderBlock2D",
32
- "UpDecoderBlock2D"
33
- ]
34
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
dream_outputs/vae/model_state.pdparams DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:1812bbab56171bd5351e56673d538210c6ad5af10454cb63c52980ba43d65a56
3
- size 334641708