ashawkey commited on
Commit
1d16c41
1 Parent(s): 53fc90d

clean up...

Browse files
README.md CHANGED
@@ -22,6 +22,7 @@ pip install -r requirements.txt
22
  MVDream:
23
  ```bash
24
  # download original ckpt (we only support the SD 2.1 version)
 
25
  cd models
26
  wget https://huggingface.co/MVDream/MVDream/resolve/main/sd-v2.1-base-4view.pt
27
  wget https://raw.githubusercontent.com/bytedance/MVDream/main/mvdream/configs/sd-v2-base.yaml
 
22
  MVDream:
23
  ```bash
24
  # download original ckpt (we only support the SD 2.1 version)
25
+ mkdir models
26
  cd models
27
  wget https://huggingface.co/MVDream/MVDream/resolve/main/sd-v2.1-base-4view.pt
28
  wget https://raw.githubusercontent.com/bytedance/MVDream/main/mvdream/configs/sd-v2-base.yaml
mvdream/models.py CHANGED
@@ -3,8 +3,7 @@ import torch.nn as nn
3
  import torch.nn.functional as F
4
  from diffusers.configuration_utils import ConfigMixin
5
  from diffusers.models.modeling_utils import ModelMixin
6
- from typing import Any, List, Optional
7
- from torch import Tensor
8
 
9
  from .util import (
10
  checkpoint,
@@ -16,8 +15,6 @@ from .util import (
16
  from .attention import SpatialTransformer3D
17
  from .adaptor import Resampler
18
 
19
- import kiui
20
-
21
  class CondSequential(nn.Sequential):
22
  """
23
  A sequential module that passes timestep embeddings to the children that
 
3
  import torch.nn.functional as F
4
  from diffusers.configuration_utils import ConfigMixin
5
  from diffusers.models.modeling_utils import ModelMixin
6
+ from typing import Any, List
 
7
 
8
  from .util import (
9
  checkpoint,
 
15
  from .attention import SpatialTransformer3D
16
  from .adaptor import Resampler
17
 
 
 
18
  class CondSequential(nn.Sequential):
19
  """
20
  A sequential module that passes timestep embeddings to the children that
mvdream/pipeline_mvdream.py CHANGED
@@ -18,8 +18,6 @@ from diffusers.utils.torch_utils import randn_tensor
18
  from .models import MultiViewUNetModel
19
  from .util import get_camera
20
 
21
- import kiui
22
-
23
  logger = logging.get_logger(__name__) # pylint: disable=invalid-name
24
 
25
 
 
18
  from .models import MultiViewUNetModel
19
  from .util import get_camera
20
 
 
 
21
  logger = logging.get_logger(__name__) # pylint: disable=invalid-name
22
 
23
 
requirements.lock.txt CHANGED
@@ -4,3 +4,4 @@ safetensors == 0.4.1
4
  huggingface_hub == 0.19.4
5
  transformers == 4.35.2
6
  accelerate == 0.25.0.dev0
 
 
4
  huggingface_hub == 0.19.4
5
  transformers == 4.35.2
6
  accelerate == 0.25.0.dev0
7
+ kiui == 0.2.0
requirements.txt CHANGED
@@ -3,4 +3,5 @@ diffusers
3
  safetensors
4
  huggingface_hub
5
  transformers
6
- accelerate
 
 
3
  safetensors
4
  huggingface_hub
5
  transformers
6
+ accelerate
7
+ kiui
run_mvdream.py CHANGED
@@ -6,9 +6,11 @@ from mvdream.pipeline_mvdream import MVDreamPipeline
6
 
7
  pipe = MVDreamPipeline.from_pretrained(
8
  "./weights_mvdream", # local weights
9
- # "ashawkey/mvdream-sd2.1-diffusers",
10
- torch_dtype=torch.float16
 
11
  )
 
12
  pipe = pipe.to("cuda")
13
 
14
 
 
6
 
7
  pipe = MVDreamPipeline.from_pretrained(
8
  "./weights_mvdream", # local weights
9
+ # 'ashawkey/mvdream-sd2.1-diffusers', # remote is not
10
+ torch_dtype=torch.float16,
11
+ trust_remote_code=True,
12
  )
13
+
14
  pipe = pipe.to("cuda")
15
 
16