Manojb commited on
Commit
61be66e
·
verified ·
1 Parent(s): 06f744a

Cloned from stepfun-ai/Step1X-3D

Browse files
Files changed (27) hide show
  1. .gitattributes +3 -0
  2. README.md +95 -0
  3. Step1X-3D-Geometry-1300m/model_index.json +32 -0
  4. Step1X-3D-Geometry-1300m/scheduler/scheduler_config.json +16 -0
  5. Step1X-3D-Geometry-1300m/transformer/config.json +18 -0
  6. Step1X-3D-Geometry-1300m/transformer/diffusion_pytorch_model.safetensors +3 -0
  7. Step1X-3D-Geometry-1300m/vae/config.json +31 -0
  8. Step1X-3D-Geometry-1300m/vae/diffusion_pytorch_model.safetensors +3 -0
  9. Step1X-3D-Geometry-1300m/visual_eature_extractor/preprocessor_config.json +27 -0
  10. Step1X-3D-Geometry-1300m/visual_encoder/config.json +15 -0
  11. Step1X-3D-Geometry-1300m/visual_encoder/diffusion_pytorch_model.safetensors +3 -0
  12. Step1X-3D-Geometry-Label-1300m/label_encoder/config.json +6 -0
  13. Step1X-3D-Geometry-Label-1300m/label_encoder/diffusion_pytorch_model.safetensors +3 -0
  14. Step1X-3D-Geometry-Label-1300m/model_index.json +32 -0
  15. Step1X-3D-Geometry-Label-1300m/scheduler/scheduler_config.json +16 -0
  16. Step1X-3D-Geometry-Label-1300m/transformer/config.json +17 -0
  17. Step1X-3D-Geometry-Label-1300m/transformer/diffusion_pytorch_model.safetensors +3 -0
  18. Step1X-3D-Geometry-Label-1300m/vae/config.json +30 -0
  19. Step1X-3D-Geometry-Label-1300m/vae/diffusion_pytorch_model.safetensors +3 -0
  20. Step1X-3D-Geometry-Label-1300m/visual_eature_extractor/preprocessor_config.json +27 -0
  21. Step1X-3D-Geometry-Label-1300m/visual_encoder/config.json +17 -0
  22. Step1X-3D-Geometry-Label-1300m/visual_encoder/diffusion_pytorch_model.safetensors +3 -0
  23. Step1X-3D-Texture/step1x-3d-ig2v.safetensors +3 -0
  24. assets/logo.png +0 -0
  25. assets/step1x-3d-framework-overall.jpg +3 -0
  26. assets/step1x-3d-teaser.png +3 -0
  27. assets/stepfun_illusions_logo.jpeg +3 -0
.gitattributes CHANGED
@@ -33,3 +33,6 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ *.png filter=lfs diff=lfs merge=lfs -text
37
+ *.jpg filter=lfs diff=lfs merge=lfs -text
38
+ *.jpeg filter=lfs diff=lfs merge=lfs -text
README.md ADDED
@@ -0,0 +1,95 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ ---
4
+
5
+
6
+ <h1 align="center"> Step1X-3D: Towards High-Fidelity and Controllable<br>Generation of Textured 3D Assets</h1>
7
+
8
+ <p align="center">
9
+ <img src="assets/stepfun_illusions_logo.jpeg" width="100%">
10
+ </p>
11
+
12
+ <div align="center">
13
+ <img width="" alt="demo" src="assets/step1x-3d-teaser.png">
14
+ </div>
15
+
16
+ <div align="left">
17
+ <p><b>Step1X-3D demonstrates the capability to generate 3D assets with high-fidelity geometry and versatile texture maps, while maintaining exceptional alignment between surface geometry and texture mapping. From left to right, we sequentially present: the base geometry (untextured), followed by cartoon-style, sketch-style, and photorealistic 3D asset generation results.</b></p>
18
+ </div>
19
+
20
+
21
+ ## 🔥🔥🔥 Latest News!!
22
+ * May 13, 2025: 👋 Step1X-3D online demo is available on huggingface-enjoy yourself with generated 3D assets! [Huggingface web live](https://huggingface.co/spaces/stepfun-ai/Step1X-3D)
23
+ * May 13, 2025: 👋 We release the 800K uids of high quality 3D assets (excluding self-collected assets) obtained with our rigorous data curation pipeline for both training 3D geometry and synthesis. [Huggingface dataset](https://huggingface.co/datasets/stepfun-ai/Step1X-3D-obj-data/tree/main)
24
+ * May 13, 2025: 👋 We have also release the training code of both Step1X-3D geometry generation and texture synthesis.
25
+ * May 13, 2025: 👋 We have released the inference code and model weights of Step1X-3D geometry and Step1X-3D texture.
26
+ * May 13, 2025: 👋 We have released Step1X-3D [technical report]() as open source.
27
+
28
+ ## Introduction
29
+ While generative artificial intelligence has advanced significantly across text, image, audio, and video domains, 3D generation remains comparatively underdeveloped due to fundamental challenges such as data scarcity, algorithmic limitations, and ecosystem fragmentation.
30
+ To this end, we present Step1X-3D, an open framework addressing these challenges through:
31
+ (1) a rigorous data curation pipeline processing >5M assets to create a 2M high-quality dataset with standardized geometric and textural properties;
32
+ (2) a two-stage 3D-native architecture combining a hybrid VAE-DiT geometry generator
33
+ with an SD-XL-based texture synthesis module; and (3) the full open-source release of models, training code, and adaptation modules. For geometry generation, the hybrid VAE-DiT component produces watertight TSDF representations by employing perceiver-based latent encoding with sharp edge sampling for detail preservation. The SD-XL-based texture synthesis module then ensures cross-view consistency through geometric conditioning and latent-space synchronization.
34
+ Benchmark results demonstrate state-of-the-art performance that exceeds existing open-source methods, while also achieving competitive quality with proprietary solutions.
35
+ Notebly, the framework uniquely bridges 2D and 3D generation paradigms by supporting direct transfer of 2D control techniques~(e.g., LoRA) to 3D synthesis.
36
+ By simultaneously advancing data quality, algorithmic fidelity, and reproducibility, Step1X-3D aims to establish new standards for open research in controllable 3D asset generation.
37
+ <img width="" alt="framework" src="assets/step1x-3d-framework-overall.jpg">
38
+
39
+
40
+ ## Usage
41
+
42
+ ```python
43
+ # Stage 1: 3D geometry generation
44
+ from step1x3d_geometry.models.pipelines.pipeline import Step1X3DGeometryPipeline
45
+
46
+ # define the pipeline
47
+ geometry_pipeline = Step1X3DGeometryPipeline.from_pretrained("stepfun-ai/Step1X-3D", subfolder='Step1X-3D-Geometry-1300m'
48
+ ).to("cuda")
49
+
50
+ # input image
51
+ input_image_path = "examples/test.png"
52
+
53
+ # run pipeline and obtain the untextured mesh
54
+ generator = torch.Generator(device=geometry_pipeline.device).manual_seed(2025)
55
+ out = geometry_pipeline(input_image_path,guidance_scale=7.5, num_inference_steps=50)
56
+
57
+ # export untextured mesh as .glb format
58
+ out.mesh[0].export("untexture_mesh.glb")
59
+
60
+
61
+ # Stage 2: 3D texure synthsis
62
+ from step1x3d_texture.pipelines.step1x_3d_texture_synthesis_pipeline import (
63
+ Step1X3DTexturePipeline,
64
+ )
65
+ from step1x3d_geometry.models.pipelines.pipeline_utils import reduce_face, remove_degenerate_face
66
+ import trimesh
67
+
68
+ # load untextured mesh
69
+ untexture_mesh = trimesh.load("untexture_mesh.glb")
70
+
71
+ # define texture_pipeline
72
+ texture_pipeline = Step1X3DTexturePipeline.from_pretrained("stepfun-ai/Step1X-3D", subfolder="Step1X-3D-Texture")
73
+
74
+ # reduce face
75
+ untexture_mesh = remove_degenerate_face(untexture_mesh)
76
+ untexture_mesh = reduce_face(untexture_mesh)
77
+
78
+ # texture mapping
79
+ textured_mesh = texture_pipeline(input_image_path, untexture_mesh)
80
+
81
+ # export textured mesh as .glb format
82
+ textured_mesh.export("textured_mesh.glb")
83
+ ```
84
+
85
+ ## Citation
86
+ If you find our work helpful, please cite us
87
+
88
+ ```
89
+ @article{li2025step1x3dhighfidelitycontrollablegeneration,
90
+ title={Step1X-3D: Towards High-Fidelity and Controllable Generation of Textured 3D Assets},
91
+ author={Weiyu Li and Xuanyang Zhang and Zheng Sun and Di Qi and Hao Li and Wei Cheng and Weiwei Cai and Shihao Wu and Jiarui Liu and Zihao Wang and Xiao Chen and Feipeng Tian and Jianxiong Pan and Zeming Li and Gang Yu and Xiangyu Zhang and Daxin Jiang and Ping Tan},
92
+ journal={arXiv preprint arxiv:2505.07747}
93
+ year={2025}
94
+ }
95
+ ```
Step1X-3D-Geometry-1300m/model_index.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "Step1X3DGeometryPipeline",
3
+ "_diffusers_version": "0.32.2",
4
+ "caption_encoder": [
5
+ null,
6
+ null
7
+ ],
8
+ "label_encoder": [
9
+ null,
10
+ null
11
+ ],
12
+ "scheduler": [
13
+ "diffusers",
14
+ "FlowMatchEulerDiscreteScheduler"
15
+ ],
16
+ "transformer": [
17
+ "step1x3d_geometry.models.transformers.flux_transformer_1d",
18
+ "FluxDenoiser"
19
+ ],
20
+ "vae": [
21
+ "step1x3d_geometry.models.autoencoders.michelangelo_autoencoder",
22
+ "MichelangeloAutoencoder"
23
+ ],
24
+ "visual_eature_extractor": [
25
+ "transformers",
26
+ "BitImageProcessor"
27
+ ],
28
+ "visual_encoder": [
29
+ "step1x3d_geometry.models.conditional_encoders.dinov2_encoder",
30
+ "Dinov2Encoder"
31
+ ]
32
+ }
Step1X-3D-Geometry-1300m/scheduler/scheduler_config.json ADDED
@@ -0,0 +1,16 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "FlowMatchEulerDiscreteScheduler",
3
+ "_diffusers_version": "0.32.2",
4
+ "base_image_seq_len": 256,
5
+ "base_shift": 0.5,
6
+ "invert_sigmas": false,
7
+ "max_image_seq_len": 4096,
8
+ "max_shift": 1.15,
9
+ "num_train_timesteps": 1000,
10
+ "shift": 1.0,
11
+ "shift_terminal": null,
12
+ "use_beta_sigmas": false,
13
+ "use_dynamic_shifting": false,
14
+ "use_exponential_sigmas": false,
15
+ "use_karras_sigmas": false
16
+ }
Step1X-3D-Geometry-1300m/transformer/config.json ADDED
@@ -0,0 +1,18 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "weights": null,
3
+ "input_channels": 64,
4
+ "width": 1280,
5
+ "layers": 12,
6
+ "num_single_layers": 24,
7
+ "num_heads": 20,
8
+ "condition_dim": 1024,
9
+ "multi_condition_type": "in_context",
10
+ "use_visual_condition": true,
11
+ "visual_condition_dim": 1024,
12
+ "n_views": 1,
13
+ "use_caption_condition": false,
14
+ "caption_condition_dim": 1024,
15
+ "use_label_condition": false,
16
+ "label_condition_dim": 1024,
17
+ "identity_init": false
18
+ }
Step1X-3D-Geometry-1300m/transformer/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a8cfc27716009acc60035f2489a9b61de81790625b70aa27a682efc99a5137a9
3
+ size 5265243816
Step1X-3D-Geometry-1300m/vae/config.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "weights": null,
3
+ "n_samples": 16384,
4
+ "use_downsample": true,
5
+ "downsample_ratio": 0.0625,
6
+ "num_latents": 2048,
7
+ "point_feats": 3,
8
+ "embed_point_feats": false,
9
+ "out_dim": 1,
10
+ "embed_dim": 64,
11
+ "embed_type": "fourier",
12
+ "num_freqs": 8,
13
+ "include_pi": false,
14
+ "width": 768,
15
+ "heads": 12,
16
+ "num_encoder_layers": 8,
17
+ "num_decoder_layers": 16,
18
+ "init_scale": 0.009021097956087902,
19
+ "qkv_bias": false,
20
+ "qk_norm": false,
21
+ "use_ln_post": true,
22
+ "use_flash": true,
23
+ "use_checkpoint": true,
24
+ "use_multi_reso": false,
25
+ "resolutions": null,
26
+ "sampling_prob": null,
27
+ "with_sharp_data": true,
28
+ "volume_decoder_type": "hierarchical",
29
+ "surface_extractor_type": "mc",
30
+ "z_scale_factor": 1.0
31
+ }
Step1X-3D-Geometry-1300m/vae/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:aa1b17360f6614a54ab3b971c966cfe64ff87a5445186b02c666e634b59c8302
3
+ size 766401652
Step1X-3D-Geometry-1300m/visual_eature_extractor/preprocessor_config.json ADDED
@@ -0,0 +1,27 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "crop_size": {
3
+ "height": 518,
4
+ "width": 518
5
+ },
6
+ "do_center_crop": true,
7
+ "do_convert_rgb": true,
8
+ "do_normalize": true,
9
+ "do_rescale": true,
10
+ "do_resize": true,
11
+ "image_mean": [
12
+ 0.48145466,
13
+ 0.4578275,
14
+ 0.40821073
15
+ ],
16
+ "image_processor_type": "BitImageProcessor",
17
+ "image_std": [
18
+ 0.26862954,
19
+ 0.26130258,
20
+ 0.27577711
21
+ ],
22
+ "resample": 3,
23
+ "rescale_factor": 0.00392156862745098,
24
+ "size": {
25
+ "shortest_edge": 518
26
+ }
27
+ }
Step1X-3D-Geometry-1300m/visual_encoder/config.json ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "weights": null,
3
+ "encode_camera": false,
4
+ "camera_embeds_type": "sincos",
5
+ "camera_embeds_dim": null,
6
+ "n_views": 1,
7
+ "empty_embeds_ratio": 0.1,
8
+ "normalize_embeds": false,
9
+ "zero_uncond_embeds": true,
10
+ "freeze_modulation_dino": false,
11
+ "enable_gradient_checkpointing": false,
12
+ "image_size": 518,
13
+ "dino_type": "facebook/dinov2-with-registers-large",
14
+ "kwargs": null
15
+ }
Step1X-3D-Geometry-1300m/visual_encoder/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c07f8abe3af5db214e3341c9f23fb2351cb15591afdae0da8e835dfabc42e850
3
+ size 1217544216
Step1X-3D-Geometry-Label-1300m/label_encoder/config.json ADDED
@@ -0,0 +1,6 @@
 
 
 
 
 
 
 
1
+ {
2
+ "hidden_size": 1024,
3
+ "empty_embeds_ratio": 0.1,
4
+ "normalize_embeds": false,
5
+ "zero_uncond_embeds": true
6
+ }
Step1X-3D-Geometry-Label-1300m/label_encoder/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1d7d76cfe4bc95f264421fa34076826bada5a218e63febabe69461d8c2607e4b
3
+ size 33104
Step1X-3D-Geometry-Label-1300m/model_index.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "Step1X3DGeometryPipeline",
3
+ "_diffusers_version": "0.32.2",
4
+ "caption_encoder": [
5
+ null,
6
+ null
7
+ ],
8
+ "label_encoder": [
9
+ "step1x3d_geometry.models.conditional_encoders.label_encoder",
10
+ "LabelEncoder"
11
+ ],
12
+ "scheduler": [
13
+ "diffusers",
14
+ "FlowMatchEulerDiscreteScheduler"
15
+ ],
16
+ "transformer": [
17
+ "step1x3d_geometry.models.transformers.flux_transformer_1d",
18
+ "FluxDenoiser"
19
+ ],
20
+ "vae": [
21
+ "step1x3d_geometry.models.autoencoders.michelangelo_autoencoder",
22
+ "MichelangeloAutoencoder"
23
+ ],
24
+ "visual_eature_extractor": [
25
+ "transformers",
26
+ "BitImageProcessor"
27
+ ],
28
+ "visual_encoder": [
29
+ "step1x3d_geometry.models.conditional_encoders.dinov2_clip_encoder",
30
+ "Dinov2CLIPEncoder"
31
+ ]
32
+ }
Step1X-3D-Geometry-Label-1300m/scheduler/scheduler_config.json ADDED
@@ -0,0 +1,16 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "FlowMatchEulerDiscreteScheduler",
3
+ "_diffusers_version": "0.32.2",
4
+ "base_image_seq_len": 256,
5
+ "base_shift": 0.5,
6
+ "invert_sigmas": false,
7
+ "max_image_seq_len": 4096,
8
+ "max_shift": 1.15,
9
+ "num_train_timesteps": 1000,
10
+ "shift": 1.0,
11
+ "shift_terminal": null,
12
+ "use_beta_sigmas": false,
13
+ "use_dynamic_shifting": false,
14
+ "use_exponential_sigmas": false,
15
+ "use_karras_sigmas": false
16
+ }
Step1X-3D-Geometry-Label-1300m/transformer/config.json ADDED
@@ -0,0 +1,17 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "input_channels": 64,
3
+ "width": 1536,
4
+ "layers": 8,
5
+ "num_single_layers": 16,
6
+ "num_heads": 16,
7
+ "condition_dim": 1024,
8
+ "multi_condition_type": "in_context",
9
+ "use_visual_condition": true,
10
+ "visual_condition_dim": 1024,
11
+ "n_views": 1,
12
+ "use_caption_condition": false,
13
+ "caption_condition_dim": 1024,
14
+ "use_label_condition": true,
15
+ "label_condition_dim": 1024,
16
+ "identity_init": false
17
+ }
Step1X-3D-Geometry-Label-1300m/transformer/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0df096288471320f3fd566e94db628c3a36a697ae6fa55e60152b236fd5918aa
3
+ size 5086980952
Step1X-3D-Geometry-Label-1300m/vae/config.json ADDED
@@ -0,0 +1,30 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "n_samples": 16384,
3
+ "use_downsample": true,
4
+ "downsample_ratio": 0.0625,
5
+ "num_latents": 2048,
6
+ "point_feats": 3,
7
+ "embed_point_feats": false,
8
+ "out_dim": 1,
9
+ "embed_dim": 64,
10
+ "embed_type": "fourier",
11
+ "num_freqs": 8,
12
+ "include_pi": false,
13
+ "width": 768,
14
+ "heads": 12,
15
+ "num_encoder_layers": 8,
16
+ "num_decoder_layers": 16,
17
+ "init_scale": 0.009021097956087902,
18
+ "qkv_bias": false,
19
+ "qk_norm": false,
20
+ "use_ln_post": true,
21
+ "use_flash": true,
22
+ "use_checkpoint": true,
23
+ "use_multi_reso": false,
24
+ "resolutions": null,
25
+ "sampling_prob": null,
26
+ "with_sharp_data": true,
27
+ "volume_decoder_type": "hierarchical",
28
+ "surface_extractor_type": "mc",
29
+ "z_scale_factor": 1.0
30
+ }
Step1X-3D-Geometry-Label-1300m/vae/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a9d764b4e3fdf377f1ba960215f2e91800fa6bf86ec5243340b96e22a0a7f781
3
+ size 766401652
Step1X-3D-Geometry-Label-1300m/visual_eature_extractor/preprocessor_config.json ADDED
@@ -0,0 +1,27 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "crop_size": {
3
+ "height": 518,
4
+ "width": 518
5
+ },
6
+ "do_center_crop": true,
7
+ "do_convert_rgb": true,
8
+ "do_normalize": true,
9
+ "do_rescale": true,
10
+ "do_resize": true,
11
+ "image_mean": [
12
+ 0.48145466,
13
+ 0.4578275,
14
+ 0.40821073
15
+ ],
16
+ "image_processor_type": "BitImageProcessor",
17
+ "image_std": [
18
+ 0.26862954,
19
+ 0.26130258,
20
+ 0.27577711
21
+ ],
22
+ "resample": 3,
23
+ "rescale_factor": 0.00392156862745098,
24
+ "size": {
25
+ "shortest_edge": 518
26
+ }
27
+ }
Step1X-3D-Geometry-Label-1300m/visual_encoder/config.json ADDED
@@ -0,0 +1,17 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "encode_camera": false,
3
+ "camera_embeds_type": "sincos",
4
+ "camera_embeds_dim": null,
5
+ "n_views": 1,
6
+ "empty_embeds_ratio": 0.1,
7
+ "normalize_embeds": false,
8
+ "zero_uncond_embeds": true,
9
+ "freeze_modulation_clip": false,
10
+ "freeze_modulation_dino": false,
11
+ "enable_gradient_checkpointing": false,
12
+ "image_size": 518,
13
+ "fuse_type": "concat",
14
+ "dino_type": "facebook/dinov2-with-registers-large",
15
+ "clip_type": "openai/clip-vit-large-patch14",
16
+ "kwargs": null
17
+ }
Step1X-3D-Geometry-Label-1300m/visual_encoder/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f9b22f50296f1f63841c92a724c732bffee8051b59e830e9eac9a99af8d0e65e
3
+ size 2928089212
Step1X-3D-Texture/step1x-3d-ig2v.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:05cd28096e875712c1f2489bb325a9bc7324a41cd3f367d7a38c63f1bea77964
3
+ size 3602537816
assets/logo.png ADDED
assets/step1x-3d-framework-overall.jpg ADDED

Git LFS Details

  • SHA256: 490e30cba8ce26d9c90804c74bf43571c65c49c60ebf666535511d5590363478
  • Pointer size: 131 Bytes
  • Size of remote file: 192 kB
assets/step1x-3d-teaser.png ADDED

Git LFS Details

  • SHA256: cd28a019af29023771fb00661679ad6741797ea42e38a4bab49d554e5de63258
  • Pointer size: 132 Bytes
  • Size of remote file: 7.39 MB
assets/stepfun_illusions_logo.jpeg ADDED

Git LFS Details

  • SHA256: a0d5ff7b7b0c1d2420b23f76df5e33e8440f9852220d566e4dc7b96ecc31c304
  • Pointer size: 131 Bytes
  • Size of remote file: 148 kB