Giter Site home page Giter Site logo

tin2tin / pallaidium Goto Github PK

View Code? Open in Web Editor NEW
814.0 24.0 64.0 19.55 MB

Generative AI for the Blender VSE: Text, video or image to video, image and audio in Blender Video Sequence Editor.

License: GNU General Public License v3.0

Python 100.00%
bark text2video blender music text2audio text2image text2speech diffusion stable ai

pallaidium's Introduction

PALLAIDIUM - Generative AI for the Blender VSE

AI-generate video, image, and audio from text prompts or video, image, or text strips.

PallAIdium

Discord

https://discord.gg/csBJhBtE

Features

Text to video Text to audio
Text to speech Text to image
Image to image Image to video
Video to video Image to text
ControlNet OpenPose
Canny Illusion
Multiple LoRAs Segmind distilled SDXL
Seed Quality steps
Frames Word power
Style selector Strip power
Batch conversion Batch refinement of images.
Batch upscale & refinement of movies. Model card selector.
Render-to-path selector. Render finished notification.
Model Cards One-click install and uninstall dependencies.
User-defined file path for generated files. Define the location for storing generated files.
Seed and prompt added to strip name. Include seed and prompt information in the strip name.

image

Requirements

  • Windows (Unsupported: Linux and MacOS).
  • A CUDA-supported Nvidia card with at least 6 GB VRAM.
  • 20+ GB HDD. (Each model is 6+ GB).

For Mac and Linux, we'll have to rely on contributor support. So, post your issues here for Mac: #106 and here for Linux: #105, and hope some contributor wants to help you out.

How to install

  • First you must download and install git for your platform(must be on PATH(or Bark will fail)): https://git-scm.com/downloads

  • Download the add-on: https://github.com/tin2tin/text_to_video/archive/refs/heads/main.zip

  • On Windows, right-click on the Blender icon and "Run Blender as Administrator"(or you'll get write permission errors).

  • Install the add-on as usual: Preferences > Add-ons > Install > select file > enable the add-on.

  • In the Generative AI add-on preferences, hit the "Install Dependencies" button.

  • Note that you can change what model cards are used in the various modes here(video, image, and audio).

  • Then it writes that it is finished(if any vital errors, let me know).

  • Restart Blender.

  • Open the add-on UI in the Sequencer > Sidebar > Generative AI.

  • The first time any model is executed many GB will have to be downloaded, so go grab lots of coffee.

  • If it says: "ModuleNotFoundError: Refer to https://github.com/facebookresearch/xformers for more information on how to install xformers", then try to restart Blender.

Tip
If any Python modules are missing, use this add-on to manually install them:
https://github.com/amb/blender_pip

Change Log

  • 2024-2-23: Add: Proteus Lightning and Dreamshaper XL Lightning
  • 2024-2-21: Add: SDXL-Lightning 2 Step & Proteus v. 0.3
  • 2024-1-02: Add: WhisperSpeech
  • 2024-01-01: Fix installation and Bark bugs.
  • 2024-01-31: Add OpenDalle, Speed option, SDXL and LoRA support for Canny and OpenPose, include OpenPose rig images. Prune old models including SD.
  • 2023-12-18: Add: Bark audio enhance, Segmind Vega.
  • 2023-12-1: Add SD Turbo & MusicGen Medium, MPS device for MacOS.
  • 2023-11-30: Add: SVD, SVD-XT, SDXL Turbo

Location

Install Dependencies, set Movie Model Card, and set Sound Notification in the add-on preferences:

image

Video Sequence Editor > Sidebar > Generative AI:

image

Styles:

image

See SDXL handling most of the styles here: https://stable-diffusion-art.com/sdxl-styles/

Updates

Read about the updates here:

https://github.com/tin2tin/Pallaidium/discussions/categories/announcements

Text to Video

The Animov models have been trained on Anime material, so adding "anime" to the prompt is necessary, especially for the Animov-512x model.

Text to Image

The Stable Diffusion models for generating images have been used a lot, so there are plenty of prompt suggestions out there if you google for them.

Artists

https://stablediffusion.fr/artists

Prompting:

https://github.com/invoke-ai/InvokeAI/blob/main/docs/features/PROMPTS.md

https://stablediffusion.fr/prompts

https://blog.segmind.com/generating-photographic-images-with-stable-diffusion/

Tip
If the image of your renders breaks, then use the resolution from the Model Card in the Preferences.
Tip
If the image of your playback stutters, then select a strip > Menu > Strip > Movie Strip > Set Render Size.
Tip
If you get the message that CUDA is out of memory, then restart Blender to free up memory and make it stable again.

Batch Processing

Select multiple strips and hit Generate. When doing this, the file name, and if found the seed value, are automatically inserted into the prompt and seed value. However, in the add-on preferences, this behavior can be switched off.

ai_batch_ex2_0000-0574.mp4

Text to Audio

Bark

Find Bark documentation here: https://github.com/suno-ai/bark

  • [laughter]
  • [laughs]
  • [sighs]
  • [music]
  • [gasps]
  • [clears throat]
  • — or ... for hesitations
  • ♪ for song lyrics
  • capitalization for emphasis on a word
  • MAN/WOMAN: for bias towards the speaker

Speaker Library: https://suno-ai.notion.site/8b8e8749ed514b0cbf3f699013548683?v=bc67cff786b04b50b3ceb756fd05f68c

Tip
If the audio breaks up, try processing longer sentences.

AudioLDM2

Find AudioLDM documentation here: https://github.com/haoheliu/AudioLDM Try prompts like: Bag pipes playing a funeral dirge, punk rock band playing hardcore song, techno dj playing deep bass house music, and acid house loop with jazz. Or: Voice of God judging mankind, woman talking about celestial beings, hammer on wood.

Performance

The performance can be improved by following this guide: https://nvidia.custhelp.com/app/answers/detail/a_id/5490/~/system-memory-fallback-for-stable-diffusion

New to Blender?

Watch this tutorial: https://youtu.be/4_MIaxzjh5Y?feature=shared

AI Modules

Diffusers: https://github.com/huggingface/diffusers

Zeroscope XL: https://huggingface.co/cerspense/zeroscope_v2_XL

AudioLDM2 Music: https://huggingface.co/cvssp/audioldm-s-full-v2 https://github.com/haoheliu/AudioLDM

MusicGen Stereo: https://huggingface.co/facebook/musicgen-stereo-medium

Bark: https://github.com/suno-ai/bark

Stable Diffusion XL: https://huggingface.co/stabilityai/stable-diffusion-xl-base-1.0

Segmind SDXL: https://huggingface.co/segmind/SSD-1B https://blog.segmind.com/generating-photographic-images-with-stable-diffusion/

OpenDalle: https://huggingface.co/dataautogpt3/OpenDalleV1.1

Uninstall

Hugging Face Diffusers models are downloaded from the hub and saved to a local cache directory. By default, the cache directory is located at:

On Linux and macOS: ~/.cache/huggingface/hub

On Windows: %userprofile%\.cache\huggingface\hub

Here you can locate and delete the individual models.

Useful add-ons

Add Rendered Strips

Since the Generative AI add-on only can input image or movie strips, you'll need to convert other strip types to movie-strip. For this purpose, this add-on can be used:

https://github.com/tin2tin/Add_Rendered_Strips

image

VSE Masking Tools

For creating a mask on top of a clip in the Sequencer, this add-on can be used to input the clip as background in the Blender Image Editor. The created mask can then be added to the VSE as a strip, and converted to video with the above add-on:

https://github.com/tin2tin/vse_masking_tools

image

Subtitle Editor

Edit and navigate in the generated text strips.

https://github.com/tin2tin/Subtitle_Editor

Screenwriter Assistant

Get chatGPT to generate stories, which can be used as prompts.

https://github.com/tin2tin/Blender_Screenwriter_Assistant_chat_GPT

Text to Strip

Convert text from the Text Editor to strips which can be used as prompts for batch generation.

https://github.com/tin2tin/text_to_strip

Useful Projects

Trainer for LoRAs: https://github.com/johnman3032/simple-lora-dreambooth-trainer

HD Horizon(LoRA for making SD 1.5 work at higher resolutions): https://civitai.com/models/238891/hd-horizon-the-resolution-frontier-multi-resolution-high-resolution-native-inferencing

Video Examples

Image to Text

derush20001-0571.mp4

Illusion Diffusion

Illusion_silent_0001-0366.mp4

Scribble

scribble_0001-0156.mp4

Styles

TEXTs_010000-0495.mp4

Canny

Controlnet_final_0001-0603.mp4

OpenPose

OpenPose10000-0320.mp4

Zeroscope

Watch the video

Würstchen

Watch the video

Bark

Watch the video

Batch from Text Strips

Watch the video

Video to video:

bagel.mp4
Burger4.mp4

Img2img:

3160-3714.mp4

Painting

Hammershoi.mp4

Enhancement Info

LCM

https://huggingface.co/blog/lcm_lora

FreeU

https://github.com/ChenyangSi/FreeU

Restrictions for using the AI models:

  • The models can only be used for non-commercial purposes. The models are meant for research purposes.
  • The models was not trained to realistically represent people or events, so using it to generate such content is beyond the model's capabilities.
  • It is prohibited to generate content that is demeaning or harmful to people or their environment, culture, religion, etc.
  • Prohibited for pornographic, violent, and bloody content generation.
  • Prohibited for error and false information generation.

pallaidium's People

Contributors

b4zz4 avatar tin2tin avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

pallaidium's Issues

Vid2Vid Problems

Hi, First off, thanks for what promises to be a huge leap forward in SD/Blender video workflows!

Unfortunately, I have been unable to get the Vid2Vid feature to function. I consistently get "CUDA out of memory" errors... I have tried restarting Blender, clearing the cache... no luck.

Moreover, I also get "vae\diffusion_pytorch_model.safetensors not found" before loading components... but it seems to depend on which video processor is chosen.

I have tried switching processors from the drop-down and then install dependencies, but still get the same error...

I looked at the memory management documentation but am not sure where to make the edits, (different venvs for SDs & several HDs). I assume that the site-packages folder cited in the error is correct? Because when I look at the scripts modules\bpy\ops.py:113.. I don't understand how /where to edit to fix.

I am running an RTX3060, 12GB VRAM on Windows 10.

macOS install dependency error

running Blender on macOS, while running "install dependency" it gives me error:

Python: Traceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.5/scripts/addons/text_to_video-main/__init__.py", line 133, in install_modules
    exec("import torch")
  File "<string>", line 1, in <module>
ModuleNotFoundError: No module named 'torch'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.5/scripts/addons/text_to_video-main/__init__.py", line 243, in execute
    install_modules(self)
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.5/scripts/addons/text_to_video-main/__init__.py", line 141, in install_modules
    subprocess.check_call(
  File "/Applications/Blender.app/Contents/Resources/3.5/python/lib/python3.10/subprocess.py", line 369, in check_call
    raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['/Applications/Blender.app/Contents/Resources/3.5/python/bin/python3.10', '-m', 'pip', 'install', 'torch', '--index-url', 'https://download.pytorch.org/whl/cu118', '--no-warn-script-location', '--user']' returned non-zero exit status 1.



Accessing unpruned dataset

The modelscope is in Chinese and doesn’t seem to have clickable links. How can we download the unpruned datasets from that website? Thank you!

error when installing MusicGen Stereo model

hi i just wanetd update this super crazy good addon and try out the new music gen model you added today but i getting this error :

Model: facebook/musicgen-stereo-small
Downloading (…)lve/main/config.json: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████| 7.75k/7.75k [00:00<00:00, 50.2MB/s]
Downloading model.safetensors: 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 1.22G/1.22G [00:37<00:00, 32.2MB/s]
/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/utils/weight_norm.py:30: UserWarning: torch.nn.utils.weight_norm is deprecated in favor of torch.nn.utils.parametrizations.weight_norm.
warnings.warn("torch.nn.utils.weight_norm is deprecated in favor of torch.nn.utils.parametrizations.weight_norm.")
Downloading (…)neration_config.json: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 224/224 [00:00<00:00, 2.40MB/s]
Downloading (…)okenizer_config.json: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████| 20.8k/20.8k [00:00<00:00, 70.4MB/s]
Downloading spiece.model: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 792k/792k [00:00<00:00, 3.33MB/s]
Downloading (…)/main/tokenizer.json: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2.42M/2.42M [00:00<00:00, 7.24MB/s]
Downloading (…)cial_tokens_map.json: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2.20k/2.20k [00:00<00:00, 19.7MB/s]
Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.1/scripts/addons/Pallaidium-main/init.py", line 2395, in execute
music = pipe(prompt, forward_params={"max_new_tokens": min(audio_length_in_s*50, 1503)})
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/pipelines/text_to_audio.py", line 138, in call
return super().call(text_inputs, **forward_params)
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/pipelines/base.py", line 1140, in call
return self.run_single(inputs, preprocess_params, forward_params, postprocess_params)
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/pipelines/base.py", line 1147, in run_single
model_outputs = self.forward(model_inputs, **forward_params)
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/pipelines/base.py", line 1046, in forward
model_outputs = self._forward(model_inputs, **forward_params)
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/pipelines/text_to_audio.py", line 112, in _forward
output = self.model.generate(**model_inputs, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
return func(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/models/musicgen/modeling_musicgen.py", line 2319, in generate
input_ids, decoder_delay_pattern_mask = self.decoder.build_delay_pattern_mask(
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/models/musicgen/modeling_musicgen.py", line 1077, in build_delay_pattern_mask
torch.ones((bsz, num_codebooks, max_length), dtype=torch.long, device=input_ids.device) * -1
TypeError: ones(): argument 'size' failed to unpack the object at pos 3 with error "type must be tuple of ints,but got float"
Error: Python: Traceback (most recent call last):
File "/home/vuaieo/Desktop/UPBGE_4.1/4.1/python/lib/python3.10/contextlib.py", line 153, in exit
self.gen.throw(typ, value, traceback)
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/pipelines/base.py", line 924, in device_placement
yield
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/pipelines/base.py", line 1046, in forward
model_outputs = self._forward(model_inputs, **forward_params)
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/pipelines/text_to_audio.py", line 112, in _forward
output = self.model.generate(**model_inputs, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
return func(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/models/musicgen/modeling_musicgen.py", line 2319, in generate
input_ids, decoder_delay_pattern_mask = self.decoder.build_delay_pattern_mask(
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/models/musicgen/modeling_musicgen.py", line 1077, in build_delay_pattern_mask
torch.ones((bsz, num_codebooks, max_length), dtype=torch.long, device=input_ids.device) * -1
TypeError: ones(): argument 'size' failed to unpack the object at pos 3 with error "type must be tuple of ints,but got float"

🖖

macOS development tester error result

I am trying the macOS branch, hopefully to run this with proper CPU and transformers...

Prompt: impressionist painting IMG_4087, man and corgi portrait. loose brushwork, vibrant color, light and shadow play, captures feeling over form
Negative Prompt: anime, photorealistic, 35mm film, deformed, low contrast, noisy
Load: img2img/vid2img Model
Conversion Model:  stabilityai/sdxl-turbo
model_index.json: 100%|████████████████████████| 685/685 [00:00<00:00, 3.36MB/s]
text_encoder/config.json: 100%|████████████████| 565/565 [00:00<00:00, 5.77MB/s]
scheduler/scheduler_config.json: 100%|█████████| 459/459 [00:00<00:00, 4.10MB/s]
tokenizer/tokenizer_config.json: 100%|█████████| 704/704 [00:00<00:00, 3.70MB/s]
tokenizer/merges.txt: 100%|██████████████████| 525k/525k [00:00<00:00, 13.4MB/s]
tokenizer/special_tokens_map.json: 100%|███████| 586/586 [00:00<00:00, 9.14MB/s]
tokenizer/special_tokens_map.json:   0%|              | 0.00/586 [00:00<?, ?B/s]
tokenizer_2/special_tokens_map.json: 100%|█████████████████| 460/460 [00:00<00:00, 3.24MB/s]
tokenizer_2/tokenizer_config.json: 100%|███████████████████| 855/855 [00:00<00:00, 12.9MB/s]
text_encoder_2/config.json: 100%|██████████████████████████| 575/575 [00:00<00:00, 8.12MB/s]
unet/config.json: 100%|████████████████████████████████| 1.78k/1.78k [00:00<00:00, 23.6MB/s]
tokenizer/vocab.json: 100%|████████████████████████████| 1.06M/1.06M [00:00<00:00, 3.12MB/s]
vae/config.json: 100%|█████████████████████████████████████| 607/607 [00:00<00:00, 9.79MB/s]
tokenizer_2/vocab.json: 100%|██████████████████████████| 1.06M/1.06M [00:01<00:00, 1.02MB/s]
diffusion_pytorch_model.fp16.safetensors: 100%|██████████| 167M/167M [00:54<00:00, 3.04MB/s]
model.fp16.safetensors: 100%|██████████████████████████| 246M/246M [01:07<00:00, 3.66MB/s]s]
model.fp16.safetensors: 100%|███████████████████████| 1.39G/1.39G [03:43<00:00, 6.23MB/s]]s]
diffusion_pytorch_model.fp16.safetensors: 100%|████████| 5.14G/5.14G [08:26<00:00, 10.1MB/s]
Fetching 18 files: 100%|████████████████████████| 18/18 [08:28<00:00, 28.23s/it]2, 4.25MB/s]
The config attributes {'feature_extractor': [None, None], 'image_encoder': [None, None]} were passed to StableDiffusionXLImg2ImgPipeline, but are not expected and will be ignored. Please verify your model_index.json configuration file.
Keyword arguments {'feature_extractor': [None, None], 'image_encoder': [None, None]} are not expected by StableDiffusionXLImg2ImgPipeline and will be ignored.
Loading pipeline components...:  14%|█████▌                                 | 1/7 [00:00<00:00,  6.29it/s]The config attributes {'attention_type': 'default', 'dropout': 0.0, 'reverse_transformer_layers_per_block': None} were passed to UNet2DConditionModel, but are not expected and will be ignored. Please verify your config.json configuration file.
Loading pipeline components...: 100%|███████████████████████████████████████| 7/7 [00:01<00:00,  6.35it/s]
Seed: 4087
Process: Image to Image
Traceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.6/scripts/addons/Pallaidium-Pallaidium_MacOS/__init__.py", line 3636, in execute
    image = converter(
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py", line 859, in __call__
    ) = self.encode_prompt(
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py", line 332, in encode_prompt
    text_input_ids.to(device),
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/torch/cuda/__init__.py", line 239, in _lazy_init
    raise AssertionError("Torch not compiled with CUDA enabled")
AssertionError: Torch not compiled with CUDA enabled
Error: Python: Traceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.6/scripts/addons/Pallaidium-Pallaidium_MacOS/__init__.py", line 3636, in execute
    image = converter(
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py", line 859, in __call__
    ) = self.encode_prompt(
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py", line 332, in encode_prompt
    text_input_ids.to(device),
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/torch/cuda/__init__.py", line 239, in _lazy_init
    raise AssertionError("Torch not compiled with CUDA enabled")
AssertionError: Torch not compiled with CUDA eTraceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.6/scripts/addons/Pallaidium-Pallaidium_MacOS/__init__.py", line 4120, in execute
    sequencer.generate_image()
  File "/Applications/Blender.app/Contents/Resources/3.6/scripts/modules/bpy/ops.py", line 113, in __call__
    ret = _op_call(self.idname_py(), None, kw)
RuntimeError: Error: Python: Traceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.6/scripts/addons/Pallaidium-Pallaidium_MacOS/__init__.py", line 3636, in execute
    image = converter(
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py", line 859, in __call__
    ) = self.encode_prompt(
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py", line 332, in encode_prompt
    text_input_ids.to(device),
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/torch/cuda/__init__.py", line 239, in _lazy_init
    raise AssertionError("Torch not compiled with CUDA enabled")
AssertionError: Torch not compiled with CUDA enabled
Location: /Applications/Blender.app/Contents/Resources/3.6/scripts/modules/bpy/ops.py:113

Error: Python: Traceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.6/scripts/addons/Pallaidium-Pallaidium_MacOS/__init__.py", line 4120, in execute
    sequencer.generate_image()
  File "/Applications/Blender.app/Contents/Resources/3.6/scripts/modules/bpy/ops.py", line 113, in __call__
    ret = _op_call(self.idname_py(), None, kw)
RuntimeError: Error: Python: Traceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.6/scripts/addons/Pallaidium-Pallaidium_MacOS/__init__.py", line 3636, in execute
    image = converter(
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py", line 859, in __call__
    ) = self.encode_prompt(
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py", line 332, in encode_prompt
    text_input_ids.to(device),
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/torch/cuda/__init__.py", line 239, in _lazy_init
    raise AssertionError("Torch not compiled with CUDA enabled")
AssertionError: Torch not compiled with CUDA enabled
Location: /Applications/Blender.app/Contents/Resources/3.6/scripts/modules/bpy/ops.py:113


errors on Generate from Strips

Maybe my computer can't deal with the Python scripts or maybe is a bug ...
I used blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release
Generate movie prompt : 'Scene_rendered.mprendered, a beautiful women'
I added a camera, a monkey, and a light, I used the steps from #66
These are the errors after downloading some files:

vae\diffusion_pytorch_model.fp16.safetensors not found
Downloading (…)e8e7b49d/config.json: 100%|████████████████████████████████████████████████████| 748/748 [00:00<?, ?B/s]
Downloading (…)rocessor_config.json: 100%|████████████████████████████████████████████████████| 342/342 [00:00<?, ?B/s]
Downloading (…)_checker/config.json: 100%|████████████████████████████████████████████████| 4.78k/4.78k [00:00<?, ?B/s]
Downloading (…)cheduler_config.json: 100%|████████████████████████████████████████████████████| 313/313 [00:00<?, ?B/s]
Downloading (…)cial_tokens_map.json: 100%|████████████████████████████████████████████| 472/472 [00:00<00:00, 46.9kB/s]
Downloading (…)_encoder/config.json: 100%|█████████████████████████████████████████████| 617/617 [00:00<00:00, 303kB/s]
Downloading (…)okenizer_config.json: 100%|████████████████████████████████████████████████████| 806/806 [00:00<?, ?B/s]
Downloading (…)tokenizer/merges.txt: 100%|██████████████████████████████████████████| 525k/525k [00:00<00:00, 1.27MB/s]
Downloading (…)b49d/vae/config.json: 100%|████████████████████████████████████████████████████| 552/552 [00:00<?, ?B/s]
Downloading (…)49d/unet/config.json: 100%|████████████████████████████████████████████████████| 748/748 [00:00<?, ?B/s]
Downloading (…)tokenizer/vocab.json: 100%|█████████████████████████████████████████| 1.06M/1.06M [00:03<00:00, 269kB/s]
Downloading (…)torch_model.fp16.bin: 100%|███████████████████████████████████████████| 167M/167M [10:30<00:00, 265kB/s]
Downloading pytorch_model.fp16.bin: 100%|████████████████████████████████████████████| 246M/246M [14:33<00:00, 282kB/s]
Fetching 16 files:  25%|███████████████▎                                             | 4/16 [45:48<2:17:25, 687.11s/it]
Traceback (most recent call last)::  79%|██████████████████████████████████▉         | 482M/608M [45:44<03:21, 626kB/s]
  File "C:\Users\catafest\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main\__init__.py", line 2345, in executeh_model.fp16.bin:  14%|█████▌                                  | 241M/1.72G [14:27<1:09:01, 357kB/s]
    pipe = StableDiffusionInpaintPipeline.from_pretrained(                          | 482M/1.72G [45:43<38:28, 536kB/s]
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1041, in from_pretrained
    cached_folder = cls.download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1742, in download
    cached_folder = snapshot_download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
    return fn(*args, **kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\_snapshot_download.py", line 239, in snapshot_download
    thread_map(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\tqdm\contrib\concurrent.py", line 69, in thread_map
    return _executor_map(ThreadPoolExecutor, fn, *iterables, **tqdm_kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\tqdm\contrib\concurrent.py", line 51, in _executor_map
    return list(tqdm_class(ex.map(fn, *iterables, chunksize=chunksize), **kwargs))
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\tqdm\std.py", line 1182, in __iter__
    for obj in iterable:
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 621, in result_iterator
    yield _result_or_cancel(fs.pop())
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 319, in _result_or_cancel
    return fut.result(timeout)
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 458, in result
    return self.__get_result()
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 403, in __get_result
    raise self._exception
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\thread.py", line 58, in run
    result = self.fn(*self.args, **self.kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\_snapshot_download.py", line 214, in _inner_hf_hub_download
    return hf_hub_download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
    return fn(*args, **kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\file_download.py", line 1431, in hf_hub_download
    http_get(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\file_download.py", line 557, in http_get
    raise EnvironmentError(
OSError: Consistency check failed: file should be of size 608103564 but has size 482356957 (pytorch_model.fp16.bin).
We are sorry for the inconvenience. Please retry download and pass `force_download=True, resume_download=False` as argument.
If the issue persists, please let us know by opening an issue on https://github.com/huggingface/huggingface_hub.
Error: Python: Traceback (most recent call last):
  File "C:\Users\catafest\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main\__init__.py", line 2345, in execute
    pipe = StableDiffusionInpaintPipeline.from_pretrained(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1041, in from_pretrained
    cached_folder = cls.download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1742, in download
    cached_folder = snapshot_download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
    return fn(*args, **kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\_snapshot_download.py", line 239, in snapshot_download
    thread_map(
Downloading pytorch_model.fp16.bin:  79%|██████████████████████████████████▉         | 482M/608M [45:44<11:55, 176kB/s]
Downloading (…)torch_model.fp16.bin:  28%|███████████▏                            | 482M/1.72G [45:43<1:57:16, 176kB/s]
Traceback (most recent call last):
  File "C:\Users\catafest\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main\__init__.py", line 3285, in execute
    sequencer.generate_image()
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\scripts\modules\bpy\ops.py", line 109, in __call__
    ret = _op_call(self.idname_py(), kw)
RuntimeError: Error: Python: Traceback (most recent call last):
  File "C:\Users\catafest\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main\__init__.py", line 2345, in execute
    pipe = StableDiffusionInpaintPipeline.from_pretrained(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1041, in from_pretrained
    cached_folder = cls.download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1742, in download
    cached_folder = snapshot_download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
    return fn(*args, **kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\_snapshot_download.py", line 239, in snapshot_download
    thread_map(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\tqdm\contrib\concurrent.py", line 69, in thread_map
    return _executor_map(ThreadPoolExecutor, fn, *iterables, **tqdm_kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\tqdm\contrib\concurrent.py", line 51, in _executor_map
    return list(tqdm_class(ex.map(fn, *iterables, chunksize=chunksize), **kwargs))
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\tqdm\std.py", line 1182, in __iter__
    for obj in iterable:
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 621, in result_iterator
    yield _result_or_cancel(fs.pop())
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 319, in _result_or_cancel
    return fut.result(timeout)
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 458, in result
    return self.__get_result()
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 403, in __get_result
    raise self._exception
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\thread.py", line 58, in run
    result = self.fn(*self.args, **self.kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\_snapshot_download.py", line 214, in _inner_hf_hub_download
    return hf_hub_download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
    return fn(*args, **kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\file_download.py", line 1431, in hf_hub_download
    http_get(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\file_download.py", line 557, in http_get
    raise EnvironmentError(
OSError: Consistency check failed: file should be of size 608103564 but has size 482356957 (pytorch_model.fp16.bin).
We are sorry for the inconvenience. Please retry download and pass `force_download=True, resume_download=False` as argument.
If the issue persists, please let us know by opening an issue on https://github.com/huggingface/huggingface_hub.
Location: C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\scripts\modules\bpy\ops.py:109

Error: Python: Traceback (most recent call last):
  File "C:\Users\catafest\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main\__init__.py", line 3285, in execute
    sequencer.generate_image()
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\scripts\modules\bpy\ops.py", line 109, in __call__
    ret = _op_call(self.idname_py(), kw)
RuntimeError: Error: Python: Traceback (most recent call last):
  File "C:\Users\catafest\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main\__init__.py", line 2345, in execute
    pipe = StableDiffusionInpaintPipeline.from_pretrained(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1041, in from_pretrained
    cached_folder = cls.download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1742, in download
    cached_folder = snapshot_download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
    return fn(*args, **kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\_snapshot_download.py", line 239, in snapshot_download
    thread_map(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\tqdm\contrib\concurrent.py", line 69, in thread_map
    return _executor_map(ThreadPoolExecutor, fn, *iterables, **tqdm_kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\tqdm\contrib\concurrent.py", line 51, in _executor_map
    return list(tqdm_class(ex.map(fn, *iterables, chunksize=chunksize), **kwargs))
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\tqdm\std.py", line 1182, in __iter__
    for obj in iterable:
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 621, in result_iterator
    yield _result_or_cancel(fs.pop())
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 319, in _result_or_cancel
    return fut.result(timeout)
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 458, in result
    return self.__get_result()
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\_base.py", line 403, in __get_result
    raise self._exception
  File "C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\python\lib\concurrent\futures\thread.py", line 58, in run
    result = self.fn(*self.args, **self.kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\_snapshot_download.py", line 214, in _inner_hf_hub_download
    return hf_hub_download(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
    return fn(*args, **kwargs)
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\file_download.py", line 1431, in hf_hub_download
    http_get(
  File "C:\Users\catafest\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\file_download.py", line 557, in http_get
    raise EnvironmentError(
OSError: Consistency check failed: file should be of size 608103564 but has size 482356957 (pytorch_model.fp16.bin).
We are sorry for the inconvenience. Please retry download and pass `force_download=True, resume_download=False` as argument.
If the issue persists, please let us know by opening an issue on https://github.com/huggingface/huggingface_hub.
Location: C:\blender-4.0.0-alpha+main.967d49dba48e-windows.amd64-release\4.0\scripts\modules\bpy\ops.py:109

Possibility to include Animatediff?

Hey there, absolutely digging the updates lately!!! The img to vid from strips is great and I've managed to get some interesting results I haven't gotten elsewhere (like keeping the main parts of an image intact, and animating just the background which was a surprise).

I'm curious if it would be possible for you to include Animatediff pipeline somehow, and if you would be interested in implementing it?

With animatediff I'm able to use whatever SD models I already have to create some great video, but as with almost every implementation outside of this one, the real work comes in when you have to start combining clips, adding audio, etc. While this project makes it so easy to put things together into something cohesive.

error on 1.6 version when trying to use audio LDM 2 sound and bark

2023-11-13 04:07:57.420994: E tensorflow/compiler/xla/stream_executor/cuda/cuda_dnn.cc:9342] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2023-11-13 04:07:57.421025: E tensorflow/compiler/xla/stream_executor/cuda/cuda_fft.cc:609] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2023-11-13 04:07:57.421057: E tensorflow/compiler/xla/stream_executor/cuda/cuda_blas.cc:1518] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2023-11-13 04:07:57.426374: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
2023-11-13 04:07:58.076491: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
Model: cvssp/audioldm2
Loading pipeline components...: 100%|█████████████████████████████████████████████████████████████████████████████| 11/11 [00:01<00:00, 8.24it/s]
Generate: Audio/music (AudioLDM)
Seed: 945105
Prompt: running human
0%| | 0/25 [00:00<?, ?it/s]/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/modules/conv.py:456: UserWarning: Applied workaround for CuDNN issue, install nvrtc.so (Triggered internally at ../aten/src/ATen/native/cudnn/Conv_v8.cpp:80.)
return F.conv2d(input, weight, bias, self.stride,
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████| 25/25 [00:01<00:00, 20.89it/s]
Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.1/scripts/addons/Pallaidium-main/init.py", line 2423, in execute
write_wav(filename, rate, audio.transpose())
UnboundLocalError: local variable 'write_wav' referenced before assignment
Error: Python: Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.1/scripts/addons/Pallaidium-main/init.py", line 2423, in execute
write_wav(filename, rate, audio.transpose())
UnboundLocalError: local variable 'write_wav' referenced before assignment

and this is for bark:

Error: Python: Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.1/scripts/addons/Pallaidium-main/init.py", line 2272, in execute
from bark.generation import (
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/init.py", line 1, in
from .api import generate_audio, text_to_semantic, semantic_to_waveform, save_as_prompt
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/api.py", line 5, in
from .generation import codec_decode, generate_coarse, generate_fine, generate_text_semantic
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/generation.py", line 6, in
from encodec import EncodecModel
File "/home/vuaieo/.local/lib/python3.10/site-packages/encodec/init.py", line 12, in
from .model import EncodecModel
File "/home/vuaieo/.local/lib/python3.10/site-packages/encodec/model.py", line 19, in
from .utils import _check_checksum, _linear_overlap_add, _get_checkpoint_url
File "/home/vuaieo/.local/lib/python3.10/site-packages/encodec/utils.py", line 14, in
import torchaudio
File "/home/vuaieo/.local/lib/python3.10/site-packages/torchaudio/init.py", line 1, in
from torchaudio import ( # noqa: F401
File "/home/vuaieo/.local/lib/python3.10/site-packages/torchaudio/_extension/init.py", line 43, in
_load_lib("libtorchaudio")
File "/home/vuaieo/.local/lib/python3.10/site-packages/torchaudio/_extension/utils.py", line 61, in _load_lib
torch.ops.load_library(path)
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/_ops.py", line 852, in load_library
ctypes.CDLL(path)
File "/home/vuaieo/Desktop/UPBGE_4.1/4.1/python/lib/python3.10/ctypes/init.py", line 374, in init
self._handle = _dlopen(self._name, mode)
OSError: /home/vuaieo/.local/lib/python3.10/site-packages/torchaudio/lib/libtorchaudio.so: undefined symbol: _ZN2at4_ops6conv1d4callERKNS_6TensorES4_RKN3c108optionalIS2_EENS5_8ArrayRefIlEESB_SB_l

now i suepr regret it ugrading,. how i can downlgrade to 1.5 again?

NameError: name '_C' is not defined

Blender 4.1, Windows, Pallaidium 1.7 (download from today, 11/18) I clicked on install dependencies, but it does not seem to need anything beside what is installed already and throws this error, also when using "Generate"

Traceback (most recent call last):
  File "C:\Users\USER\AppData\Roaming\Blender Foundation\Blender\4.1\scripts\addons\Pallaidium\__init__.py", line 808, in execute
    install_modules(self)
  File "C:\Users\USER\AppData\Roaming\Blender Foundation\Blender\4.1\scripts\addons\Pallaidium\__init__.py", line 589, in install_modules
    exec("import torch")
  File "<string>", line 1, in <module>
  File "C:\Users\USER\AppData\Roaming\Python\Python310\site-packages\torch\__init__.py", line 457, in <module>
    for name in dir(_C):
NameError: name '_C' is not defined
Error: Python: Traceback (most recent call last):
  File "C:\Users\USER\AppData\Roaming\Blender Foundation\Blender\4.1\scripts\addons\Pallaidium\__init__.py", line 589, in install_modules
    exec("import torch")
  File "<string>", line 1, in <module>
  File "C:\Users\USER\AppData\Roaming\Python\Python310\site-packages\torch\__init__.py", line 457, in <module>
    for name in dir(_C):
NameError: name '_C' is not defined

FR: Save metadata

Hi
It might be very helpful to save the generation prompt in the image stript's metadata, so that one could recall later.

Automatic download will delete my original other environment,

Read prefs: C:\Users\KATMASTE\AppData\Roaming\Blender Foundation\Blender\3.4\config\userpref.blend
addon_utils.disable: Generative_AI-main not disabled
已安装模块 (Generative_AI-main),从 'C:\Users\KATMASTE\Downloads\Generative_AI-main.zip' 到 'F:\blender\C\addons'
Ensuring: pip
Looking in links: c:\Users\KATMASTE\AppData\Local\Temp\tmpe9app59k
Requirement already satisfied: setuptools in f:\blender\3.4\python\lib\site-packages (63.2.0)
Requirement already satisfied: pip in f:\blender\3.4\python\lib\site-packages (22.2.2)
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Requirement already satisfied: pip in f:\blender\3.4\python\lib\site-packages (22.2.2)
Collecting pip
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/08/e3/57d4c24a050aa0bcca46b2920bff40847db79535dc78141eb83581a52eb8/pip-23.1.2-py3-none-any.whl (2.1 MB)
Installing collected packages: pip
Attempting uninstall: pip
Found existing installation: pip 22.2.2
Uninstalling pip-22.2.2:
Successfully uninstalled pip-22.2.2
WARNING: The scripts pip.exe, pip3.10.exe and pip3.exe are installed in 'F:\blender\3.4\python\Scripts' which is not on PATH.
Consider adding this directory to PATH or, if you prefer to suppress this warning, use --no-warn-script-location.
Successfully installed pip-23.1.2
Installing: torch module
Looking in indexes: https://download.pytorch.org/whl/cu118
Collecting torch
Using cached https://download.pytorch.org/whl/cu118/torch-2.0.1%2Bcu118-cp310-cp310-win_amd64.whl (2619.1 MB)
Collecting filelock (from torch)
Using cached https://download.pytorch.org/whl/filelock-3.9.0-py3-none-any.whl (9.7 kB)
Collecting typing-extensions (from torch)
Using cached https://download.pytorch.org/whl/typing_extensions-4.4.0-py3-none-any.whl (26 kB)
Collecting sympy (from torch)
Using cached https://download.pytorch.org/whl/sympy-1.11.1-py3-none-any.whl (6.5 MB)
Collecting networkx (from torch)
Using cached https://download.pytorch.org/whl/networkx-3.0-py3-none-any.whl (2.0 MB)
Collecting jinja2 (from torch)
Using cached https://download.pytorch.org/whl/Jinja2-3.1.2-py3-none-any.whl (133 kB)
Collecting MarkupSafe>=2.0 (from jinja2->torch)
Using cached https://download.pytorch.org/whl/MarkupSafe-2.1.2-cp310-cp310-win_amd64.whl (16 kB)
Collecting mpmath>=0.19 (from sympy->torch)
Using cached https://download.pytorch.org/whl/mpmath-1.2.1-py3-none-any.whl (532 kB)
Installing collected packages: mpmath, typing-extensions, sympy, networkx, MarkupSafe, filelock, jinja2, torch
Successfully installed MarkupSafe-2.1.2 filelock-3.9.0 jinja2-3.1.2 mpmath-1.2.1 networkx-3.0 sympy-1.11.1 torch-2.0.1+cu118 typing-extensions-4.4.0
Looking in indexes: https://download.pytorch.org/whl/cu118
Collecting torchvision
Using cached https://download.pytorch.org/whl/cu118/torchvision-0.15.2%2Bcu118-cp310-cp310-win_amd64.whl (4.9 MB)
Requirement already satisfied: numpy in f:\blender\3.4\python\lib\site-packages (from torchvision) (1.22.0)
Requirement already satisfied: requests in f:\blender\3.4\python\lib\site-packages (from torchvision) (2.27.1)
Requirement already satisfied: torch==2.0.1 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torchvision) (2.0.1+cu118)
Collecting pillow!=8.3.*,>=5.3.0 (from torchvision)
Using cached https://download.pytorch.org/whl/Pillow-9.3.0-cp310-cp310-win_amd64.whl (2.5 MB)
Requirement already satisfied: filelock in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (3.9.0)
Requirement already satisfied: typing-extensions in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (4.4.0)
Requirement already satisfied: sympy in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (1.11.1)
Requirement already satisfied: networkx in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (3.0)
Requirement already satisfied: jinja2 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (3.1.2)
Requirement already satisfied: urllib3<1.27,>=1.21.1 in f:\blender\3.4\python\lib\site-packages (from requests->torchvision) (1.26.8)
Requirement already satisfied: certifi>=2017.4.17 in f:\blender\3.4\python\lib\site-packages (from requests->torchvision) (2021.10.8)
Requirement already satisfied: charset_normalizer~=2.0.0 in f:\blender\3.4\python\lib\site-packages (from requests->torchvision) (2.0.10)
Requirement already satisfied: idna<4,>=2.5 in f:\blender\3.4\python\lib\site-packages (from requests->torchvision) (3.3)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from jinja2->torch==2.0.1->torchvision) (2.1.2)
Requirement already satisfied: mpmath>=0.19 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from sympy->torch==2.0.1->torchvision) (1.2.1)
Installing collected packages: pillow, torchvision
Successfully installed pillow-9.3.0 torchvision-0.15.2+cu118
Looking in indexes: https://download.pytorch.org/whl/cu118
Collecting torchaudio
Using cached https://download.pytorch.org/whl/cu118/torchaudio-2.0.2%2Bcu118-cp310-cp310-win_amd64.whl (2.5 MB)
Requirement already satisfied: torch==2.0.1 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torchaudio) (2.0.1+cu118)
Requirement already satisfied: filelock in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (3.9.0)
Requirement already satisfied: typing-extensions in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (4.4.0)
Requirement already satisfied: sympy in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (1.11.1)
Requirement already satisfied: networkx in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (3.0)
Requirement already satisfied: jinja2 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (3.1.2)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from jinja2->torch==2.0.1->torchaudio) (2.1.2)
Requirement already satisfied: mpmath>=0.19 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from sympy->torch==2.0.1->torchaudio) (1.2.1)
Installing collected packages: torchaudio
Successfully installed torchaudio-2.0.2+cu118
Installing: soundfile module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting PySoundFile
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/9d/8e/30d9f80802e8ea2c5b96db2f320fdb147e25a84fd74caa251b57bedeeb33/PySoundFile-0.9.0.post1-py2.py3.cp26.cp27.cp32.cp33.cp34.cp35.cp36.pp27.pp32.pp33-none-win_amd64.whl (671 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 671.8/671.8 kB 476.0 kB/s eta 0:00:00
Collecting cffi>=0.6 (from PySoundFile)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/0e/e2/a23af3d81838c577571da4ff01b799b0c2bbde24bd924d97e228febae810/cffi-1.15.1-cp310-cp310-win_amd64.whl (179 kB)
Collecting pycparser (from cffi>=0.6->PySoundFile)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/62/d5/5f610ebe421e85889f2e55e33b7f9a6795bd982198517d912eb1c76e1a53/pycparser-2.21-py2.py3-none-any.whl (118 kB)
Installing collected packages: pycparser, cffi, PySoundFile
Successfully installed PySoundFile-0.9.0.post1 cffi-1.15.1 pycparser-2.21
Installing: diffusers module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting diffusers
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/4f/77/fbc170e78132944cdf5ccbb3d236af52d7b0958ad5339091523b021e91ea/diffusers-0.16.1-py3-none-any.whl (934 kB)
Requirement already satisfied: Pillow in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from diffusers) (9.3.0)
Requirement already satisfied: filelock in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from diffusers) (3.9.0)
Collecting huggingface-hub>=0.13.2 (from diffusers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/58/34/c57b951aecd0248845932c1cfc15721237c50e463f26b0536673bcb76f4f/huggingface_hub-0.14.1-py3-none-any.whl (224 kB)
Collecting importlib-metadata (from diffusers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/30/bb/bf2944b8b88c65b797acc2c6a2cb0fb817f7364debf0675792e034013858/importlib_metadata-6.6.0-py3-none-any.whl (22 kB)
Requirement already satisfied: numpy in f:\blender\3.4\python\lib\site-packages (from diffusers) (1.22.0)
Collecting regex!=2019.12.17 (from diffusers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/a8/e1/581b12525a47073e38517aeb4621b4e189ac949158c3bf3f2a9c87fd4910/regex-2023.5.5-cp310-cp310-win_amd64.whl (267 kB)
Requirement already satisfied: requests in f:\blender\3.4\python\lib\site-packages (from diffusers) (2.27.1)
Collecting fsspec (from huggingface-hub>=0.13.2->diffusers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/ec/4e/397b234a369df06ec782666fcdf9791d125ca6de48729814b381af8c6c03/fsspec-2023.5.0-py3-none-any.whl (160 kB)
Collecting tqdm>=4.42.1 (from huggingface-hub>=0.13.2->diffusers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/e6/02/a2cff6306177ae6bc73bc0665065de51dfb3b9db7373e122e2735faf0d97/tqdm-4.65.0-py3-none-any.whl (77 kB)
Collecting pyyaml>=5.1 (from huggingface-hub>=0.13.2->diffusers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/b7/09/2f6f4851bbca08642fef087bade095edc3c47f28d1e7bff6b20de5262a77/PyYAML-6.0-cp310-cp310-win_amd64.whl (151 kB)
Requirement already satisfied: typing-extensions>=3.7.4.3 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from huggingface-hub>=0.13.2->diffusers) (4.4.0)
Collecting packaging>=20.9 (from huggingface-hub>=0.13.2->diffusers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/ab/c3/57f0601a2d4fe15de7a553c00adbc901425661bf048f2a22dfc500caf121/packaging-23.1-py3-none-any.whl (48 kB)
Collecting zipp>=0.5 (from importlib-metadata->diffusers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/5b/fa/c9e82bbe1af6266adf08afb563905eb87cab83fde00a0a08963510621047/zipp-3.15.0-py3-none-any.whl (6.8 kB)
Requirement already satisfied: urllib3<1.27,>=1.21.1 in f:\blender\3.4\python\lib\site-packages (from requests->diffusers) (1.26.8)
Requirement already satisfied: certifi>=2017.4.17 in f:\blender\3.4\python\lib\site-packages (from requests->diffusers) (2021.10.8)
Requirement already satisfied: charset_normalizer~=2.0.0 in f:\blender\3.4\python\lib\site-packages (from requests->diffusers) (2.0.10)
Requirement already satisfied: idna<4,>=2.5 in f:\blender\3.4\python\lib\site-packages (from requests->diffusers) (3.3)
Collecting colorama (from tqdm>=4.42.1->huggingface-hub>=0.13.2->diffusers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/d1/d6/3965ed04c63042e047cb6a3e6ed1a63a35087b6a609aa3a15ed8ac56c221/colorama-0.4.6-py2.py3-none-any.whl (25 kB)
Installing collected packages: zipp, regex, pyyaml, packaging, fsspec, colorama, tqdm, importlib-metadata, huggingface-hub, diffusers
Successfully installed colorama-0.4.6 diffusers-0.16.1 fsspec-2023.5.0 huggingface-hub-0.14.1 importlib-metadata-6.6.0 packaging-23.1 pyyaml-6.0 regex-2023.5.5 tqdm-4.65.0 zipp-3.15.0
Installing: accelerate module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting accelerate
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/fe/03/08a2f414de4ce11fae93a079e4184a7397f34d956c894359ed801b89dae0/accelerate-0.19.0-py3-none-any.whl (219 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 219.1/219.1 kB 607.2 kB/s eta 0:00:00
Requirement already satisfied: numpy>=1.17 in f:\blender\3.4\python\lib\site-packages (from accelerate) (1.22.0)
Requirement already satisfied: packaging>=20.0 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from accelerate) (23.1)
Collecting psutil (from accelerate)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/86/f3/23e4e4e7ec7855d506ed928756b04735c246b14d9f778ed7ffaae18d8043/psutil-5.9.5-cp36-abi3-win_amd64.whl (255 kB)
Requirement already satisfied: pyyaml in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from accelerate) (6.0)
Requirement already satisfied: torch>=1.6.0 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from accelerate) (2.0.1+cu118)
Requirement already satisfied: filelock in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (3.9.0)
Requirement already satisfied: typing-extensions in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (4.4.0)
Requirement already satisfied: sympy in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (1.11.1)
Requirement already satisfied: networkx in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (3.0)
Requirement already satisfied: jinja2 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (3.1.2)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from jinja2->torch>=1.6.0->accelerate) (2.1.2)
Requirement already satisfied: mpmath>=0.19 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from sympy->torch>=1.6.0->accelerate) (1.2.1)
Installing collected packages: psutil, accelerate
Successfully installed accelerate-0.19.0 psutil-5.9.5
Installing: transformers module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting transformers
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/e8/b5/ddb16f9de207e6571ab7cc5db0cc538fa2d6d91cf024565496462af4c1ce/transformers-4.29.1-py3-none-any.whl (7.1 MB)
Requirement already satisfied: filelock in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from transformers) (3.9.0)
Requirement already satisfied: huggingface-hub<1.0,>=0.14.1 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from transformers) (0.14.1)
Requirement already satisfied: numpy>=1.17 in f:\blender\3.4\python\lib\site-packages (from transformers) (1.22.0)
Requirement already satisfied: packaging>=20.0 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from transformers) (23.1)
Requirement already satisfied: pyyaml>=5.1 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from transformers) (6.0)
Requirement already satisfied: regex!=2019.12.17 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from transformers) (2023.5.5)
Requirement already satisfied: requests in f:\blender\3.4\python\lib\site-packages (from transformers) (2.27.1)
Collecting tokenizers!=0.11.3,<0.14,>=0.11.1 (from transformers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/3d/e7/ea70a1a0cd9ad5b4786365edd4042c30037bc4e67ae09c53cd62c6c1b89f/tokenizers-0.13.3-cp310-cp310-win_amd64.whl (3.5 MB)
Requirement already satisfied: tqdm>=4.27 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from transformers) (4.65.0)
Requirement already satisfied: fsspec in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from huggingface-hub<1.0,>=0.14.1->transformers) (2023.5.0)
Requirement already satisfied: typing-extensions>=3.7.4.3 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from huggingface-hub<1.0,>=0.14.1->transformers) (4.4.0)
Requirement already satisfied: colorama in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from tqdm>=4.27->transformers) (0.4.6)
Requirement already satisfied: urllib3<1.27,>=1.21.1 in f:\blender\3.4\python\lib\site-packages (from requests->transformers) (1.26.8)
Requirement already satisfied: certifi>=2017.4.17 in f:\blender\3.4\python\lib\site-packages (from requests->transformers) (2021.10.8)
Requirement already satisfied: charset_normalizer~=2.0.0 in f:\blender\3.4\python\lib\site-packages (from requests->transformers) (2.0.10)
Requirement already satisfied: idna<4,>=2.5 in f:\blender\3.4\python\lib\site-packages (from requests->transformers) (3.3)
Installing collected packages: tokenizers, transformers
Successfully installed tokenizers-0.13.3 transformers-4.29.1
Installing: sentencepiece module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting sentencepiece
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/21/8c/54bd0e155ec945cd8bcf387c25b2d337b345f2e56939336d71183dc1804f/sentencepiece-0.1.99-cp310-cp310-win_amd64.whl (977 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 977.5/977.5 kB 429.9 kB/s eta 0:00:00
Installing collected packages: sentencepiece
Successfully installed sentencepiece-0.1.99
Installing: safetensors module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting safetensors
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/39/7b/c785536dc1307214f4def6e6ddd772c9a76d3b5798f2961644fac10f373d/safetensors-0.3.1-cp310-cp310-win_amd64.whl (263 kB)
Installing collected packages: safetensors
Successfully installed safetensors-0.3.1
Installing: cv2 module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting opencv_python
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/36/98/fab8d982e2e2b57bdebcad64c7e5b5a14ac91c657cac509b9cf3fbea49d2/opencv_python-4.7.0.72-cp37-abi3-win_amd64.whl (38.2 MB)
Requirement already satisfied: numpy>=1.21.2 in f:\blender\3.4\python\lib\site-packages (from opencv_python) (1.22.0)
Installing collected packages: opencv_python
Successfully installed opencv_python-4.7.0.72
Installing: scipy module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting scipy
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/ec/e3/b06ac3738bf365e89710205a471abe7dceec672a51c244b469bc5d1291c7/scipy-1.10.1-cp310-cp310-win_amd64.whl (42.5 MB)
Requirement already satisfied: numpy<1.27.0,>=1.19.5 in f:\blender\3.4\python\lib\site-packages (from scipy) (1.22.0)
Installing collected packages: scipy
Successfully installed scipy-1.10.1
Installing: xformers module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting xformers
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/c5/f1/af0acb6c8e8f04989831cc1f1ca95015c2f90e37cf17ffc9b2fa23dd073e/xformers-0.0.19-cp310-cp310-win_amd64.whl (96.7 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 96.7/96.7 MB 292.5 kB/s eta 0:00:00
Requirement already satisfied: numpy in f:\blender\3.4\python\lib\site-packages (from xformers) (1.22.0)
Collecting pyre-extensions==0.0.29 (from xformers)
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/ce/96/2fd3042ad8b21278f22b7de116b1489e286c445f07c309c85221db86f120/pyre_extensions-0.0.29-py3-none-any.whl (12 kB)
Collecting torch==2.0.0 (from xformers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/87/e2/62dbdfc85d3b8f771bc4b1a979ee6a157dbaa8928981dabbf45afc6d13dc/torch-2.0.0-cp310-cp310-win_amd64.whl (172.3 MB)
Collecting typing-inspect (from pyre-extensions==0.0.29->xformers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/be/01/59b743dca816c4b6ca891b9e0f84d20513cd61bdbbaa8615de8f5aab68c1/typing_inspect-0.8.0-py3-none-any.whl (8.7 kB)
Requirement already satisfied: typing-extensions in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from pyre-extensions==0.0.29->xformers) (4.4.0)
Requirement already satisfied: filelock in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.0->xformers) (3.9.0)
Requirement already satisfied: sympy in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.0->xformers) (1.11.1)
Requirement already satisfied: networkx in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.0->xformers) (3.0)
Requirement already satisfied: jinja2 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from torch==2.0.0->xformers) (3.1.2)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from jinja2->torch==2.0.0->xformers) (2.1.2)
Requirement already satisfied: mpmath>=0.19 in c:\users\katmaste\appdata\roaming\python\python310\site-packages (from sympy->torch==2.0.0->xformers) (1.2.1)
Collecting mypy-extensions>=0.3.0 (from typing-inspect->pyre-extensions==0.0.29->xformers)
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/2a/e2/5d3f6ada4297caebe1a2add3b126fe800c96f56dbe5d1988a2cbe0b267aa/mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)
Installing collected packages: mypy-extensions, typing-inspect, torch, pyre-extensions, xformers
Attempting uninstall: torch
Found existing installation: torch 2.0.1+cu118
Uninstalling torch-2.0.1+cu118:
Successfully uninstalled torch-2.0.1+cu118
ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
torchaudio 2.0.2+cu118 requires torch==2.0.1, but you have torch 2.0.0 which is incompatible.
torchvision 0.15.2+cu118 requires torch==2.0.1, but you have torch 2.0.0 which is incompatible.
Successfully installed mypy-extensions-1.0.0 pyre-extensions-0.0.29 torch-2.0.0 typing-inspect-0.8.0 xformers-0.0.19
Installing: bark module
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting git+https://github.com/suno-ai/bark.git
Cloning https://github.com/suno-ai/bark.git to c:\users\katmaste\appdata\local\temp\pip-req-build-t5t9codz
Running command git clone --filter=blob:none --quiet https://github.com/suno-ai/bark.git 'C:\Users\KATMASTE\AppData\Local\Temp\pip-req-build-t5t9codz'
error: RPC failed; curl 28 Recv failure: Connection was reset
fatal: expected flush after ref listing
error: subprocess-exited-with-error

× git clone --filter=blob:none --quiet https://github.com/suno-ai/bark.git 'C:\Users\KATMASTE\AppData\Local\Temp\pip-req-build-t5t9codz' did not run successfully.
│ exit code: 128
╰─> See above for output.

note: This error originates from a subprocess, and is likely not a problem with pip.
error: subprocess-exited-with-error

× git clone --filter=blob:none --quiet https://github.com/suno-ai/bark.git 'C:\Users\KATMASTE\AppData\Local\Temp\pip-req-build-t5t9codz' did not run successfully.
│ exit code: 128
╰─> See above for output.

note: This error originates from a subprocess, and is likely not a problem with pip.
Traceback (most recent call last):
File "F:\blender\C\addons\Generative_AI-main_init_.py", line 193, in import_module
exec("import " + module)
File "", line 1, in
ModuleNotFoundError: No module named 'bark'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "F:\blender\C\addons\Generative_AI-main_init_.py", line 415, in execute
install_modules(self)
File "F:\blender\C\addons\Generative_AI-main_init_.py", line 296, in install_modules
import_module(self, "bark", "git+https://github.com/suno-ai/bark.git")
File "F:\blender\C\addons\Generative_AI-main_init_.py", line 201, in import_module
subprocess.check_call(
File "F:\blender\3.4\python\lib\subprocess.py", line 369, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['F:\blender\3.4\python\bin\python.exe', '-m', 'pip', 'install', 'git+https://github.com/suno-ai/bark.git', '--no-warn-script-location', '--user']' returned non-zero exit status 1.
淇℃伅: Installing: torch module.
淇℃伅: Installing: soundfile module.
淇℃伅: Installing: diffusers module.
淇℃伅: Installing: accelerate module.
淇℃伅: Installing: transformers module.
淇℃伅: Installing: sentencepiece module.
淇℃伅: Installing: safetensors module.
淇℃伅: Installing: cv2 module.
淇℃伅: Installing: scipy module.
淇℃伅: Installing: xformers module.
淇℃伅: Installing: bark module.
閿欒: Python: Traceback (most recent call last):
File "F:\blender\C\addons\Generative_AI-main_init_.py", line 193, in import_module
exec("import " + module)
File "", line 1, in
ModuleNotFoundError: No module named 'bark'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "F:\blender\C\addons\Generative_AI-main_init_.py", line 415, in execute
install_modules(self)
File "F:\blender\C\addons\Generative_AI-main_init_.py", line 296, in install_modules
import_module(self, "bark", "git+https://github.com/suno-ai/bark.git")
File "F:\blender\C\addons\Generative_AI-main_init_.py", line 201, in import_module
subprocess.check_call(
File "F:\blender\3.4\python\lib\subprocess.py", line 369, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['F:\blender\3.4\python\bin\python.exe', '-m', 'pip', 'install', 'git+https://github.com/suno-ai/bark.git', '--no-warn-script-location', '--user']' returned non-zero exit status 1.

Trying to use the plugin doesn't work when 1 / downloading dependencies and 2/ running a prompt for generated content.

1/ When downloading dependencies, several errors appear :

Read prefs: C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\config\userpref.blend
Blender PIP user site: C:\Users\shqmf\AppData\Roaming\Python\Python310\site-packages
Adding site to path
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'type' not found in item 'OperatorProperties'
Warning: property 'wait_for_input' not found in item 'OperatorProperties'
Warning: property 'need_active' not found in item 'FILE_OT_execute'
Warning: property 'with_menu' not found in item 'OperatorProperties'
Warning: property 'with_menu' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'option' not found in item 'OperatorProperties'
Warning: property 'replace' not found in item 'OperatorProperties'
Warning: property 'use_node_name' not found in item 'OperatorProperties'
Warning: property 'use_outputs_names' not found in item 'OperatorProperties'
Warning: property 'replace' not found in item 'OperatorProperties'
Warning: property 'use_node_name' not found in item 'OperatorProperties'
Warning: property 'use_outputs_names' not found in item 'OperatorProperties'
Warning: property 'replace' not found in item 'OperatorProperties'
Warning: property 'use_node_name' not found in item 'OperatorProperties'
Warning: property 'use_outputs_names' not found in item 'OperatorProperties'
Warning: property 'replace' not found in item 'OperatorProperties'
Warning: property 'use_node_name' not found in item 'OperatorProperties'
Warning: property 'use_outputs_names' not found in item 'OperatorProperties'
Warning: property 'replace' not found in item 'OperatorProperties'
Warning: property 'use_node_name' not found in item 'OperatorProperties'
Warning: property 'use_outputs_names' not found in item 'OperatorProperties'
Warning: property 'replace' not found in item 'OperatorProperties'
Warning: property 'use_node_name' not found in item 'OperatorProperties'
Warning: property 'use_outputs_names' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'blend_type' not found in item 'OperatorProperties'
Warning: property 'operation' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
Warning: property 'mode' not found in item 'OperatorProperties'
Warning: property 'merge_type' not found in item 'OperatorProperties'
reloading addon: Generative_AI-main 1682940622.63052 1683923587.6559024 'C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main\init.py'
Modules Installed () from 'D:\Downloads\softwares\3d\Blender\Addons\Generative_AI-main.zip' into 'C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons'
TypeError: EnumProperty(..., default='strangeman3107/animov-0.1.1'): not found in enum members
Exception in module register(): C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py
Traceback (most recent call last):
File "C:\Program Files\Blender Foundation\Blender 3.5\3.5\scripts\modules\addon_utils.py", line 369, in enable
mod.register()
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 988, in register
bpy.utils.register_class(cls)
ValueError: bpy_struct "GeneratorAddonPreferences" registration error: 'audio_model_card' EnumProperty could not register (see previous error)

TypeError: EnumProperty(..., default='strangeman3107/animov-0.1.1'): not found in enum members
Exception in module register(): C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py
Traceback (most recent call last):
File "C:\Program Files\Blender Foundation\Blender 3.5\3.5\scripts\modules\addon_utils.py", line 369, in enable
mod.register()
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 988, in register
bpy.utils.register_class(cls)
ValueError: bpy_struct "GeneratorAddonPreferences" registration error: 'audio_model_card' EnumProperty could not register (see previous error)

TypeError: EnumProperty(..., default='strangeman3107/animov-0.1.1'): not found in enum members
Exception in module register(): C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py
Traceback (most recent call last):
File "C:\Program Files\Blender Foundation\Blender 3.5\3.5\scripts\modules\addon_utils.py", line 369, in enable
mod.register()
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 988, in register
bpy.utils.register_class(cls)
ValueError: bpy_struct "GeneratorAddonPreferences" registration error: 'audio_model_card' EnumProperty could not register (see previous error)

addon_utils.disable: Generative_AI-main not disabled
addon_utils.disable: Generative_AI-main not disabled
Modules Installed (Generative_AI-main) from 'D:\Downloads\Generative_AI-main (1).zip' into 'C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons'
TypeError: EnumProperty(..., default='strangeman3107/animov-0.1.1'): not found in enum members
Exception in module register(): C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py
Traceback (most recent call last):
File "C:\Program Files\Blender Foundation\Blender 3.5\3.5\scripts\modules\addon_utils.py", line 369, in enable
mod.register()
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 988, in register
bpy.utils.register_class(cls)
ValueError: bpy_struct "GeneratorAddonPreferences" registration error: 'audio_model_card' EnumProperty could not register (see previous error)

TypeError: EnumProperty(..., default='strangeman3107/animov-0.1.1'): not found in enum members
Exception in module register(): C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py
Traceback (most recent call last):
File "C:\Program Files\Blender Foundation\Blender 3.5\3.5\scripts\modules\addon_utils.py", line 369, in enable
mod.register()
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 988, in register
bpy.utils.register_class(cls)
ValueError: bpy_struct "GeneratorAddonPreferences" registration error: 'audio_model_card' EnumProperty could not register (see previous error)

addon_utils.disable: Generative_AI-main not disabled
addon_utils.disable: Generative_AI-main not disabled
Modules Installed (Generative_AI-main) from 'D:\Downloads\Generative_AI-main(1).zip' into 'C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons'
Ensuring: pip
Looking in links: c:\Users\shqmf\AppData\Local\Temp\tmpjvra59sx
Requirement already satisfied: setuptools in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (63.2.0)
Requirement already satisfied: pip in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (22.3.1)
Requirement already satisfied: pip in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (22.3.1)
Collecting pip
Using cached pip-23.1.2-py3-none-any.whl (2.1 MB)
Installing collected packages: pip
Attempting uninstall: pip
Found existing installation: pip 22.3.1
Uninstalling pip-22.3.1:
Successfully uninstalled pip-22.3.1
WARNING: The scripts pip.exe, pip3.10.exe and pip3.exe are installed in 'C:\Program Files\Blender Foundation\Blender 3.5\3.5\python\Scripts' which is not on PATH.
Consider adding this directory to PATH or, if you prefer to suppress this warning, use --no-warn-script-location.
Successfully installed pip-23.1.2
Installing: torch module
Looking in indexes: https://download.pytorch.org/whl/cu118
Collecting torch
Downloading https://download.pytorch.org/whl/cu118/torch-2.0.1%2Bcu118-cp310-cp310-win_amd64.whl (2619.1 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.6/2.6 GB 2.5 MB/s eta 0:00:00
Collecting filelock (from torch)
Downloading https://download.pytorch.org/whl/filelock-3.9.0-py3-none-any.whl (9.7 kB)
Collecting typing-extensions (from torch)
Downloading https://download.pytorch.org/whl/typing_extensions-4.4.0-py3-none-any.whl (26 kB)
Collecting sympy (from torch)
Downloading https://download.pytorch.org/whl/sympy-1.11.1-py3-none-any.whl (6.5 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 6.5/6.5 MB 41.4 MB/s eta 0:00:00
Collecting networkx (from torch)
Downloading https://download.pytorch.org/whl/networkx-3.0-py3-none-any.whl (2.0 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.0/2.0 MB 32.3 MB/s eta 0:00:00
Collecting jinja2 (from torch)
Downloading https://download.pytorch.org/whl/Jinja2-3.1.2-py3-none-any.whl (133 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 133.1/133.1 kB 7.7 MB/s eta 0:00:00
Collecting MarkupSafe>=2.0 (from jinja2->torch)
Downloading https://download.pytorch.org/whl/MarkupSafe-2.1.2-cp310-cp310-win_amd64.whl (16 kB)
Collecting mpmath>=0.19 (from sympy->torch)
Downloading https://download.pytorch.org/whl/mpmath-1.2.1-py3-none-any.whl (532 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 532.6/532.6 kB 34.8 MB/s eta 0:00:00
Installing collected packages: mpmath, typing-extensions, sympy, networkx, MarkupSafe, filelock, jinja2, torch
Successfully installed MarkupSafe-2.1.2 filelock-3.9.0 jinja2-3.1.2 mpmath-1.2.1 networkx-3.0 sympy-1.11.1 torch-2.0.1+cu118 typing-extensions-4.4.0
Looking in indexes: https://download.pytorch.org/whl/cu118
Collecting torchvision
Downloading https://download.pytorch.org/whl/cu118/torchvision-0.15.2%2Bcu118-cp310-cp310-win_amd64.whl (4.9 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 4.9/4.9 MB 35.0 MB/s eta 0:00:00
Requirement already satisfied: numpy in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from torchvision) (1.23.5)
Requirement already satisfied: requests in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from torchvision) (2.27.1)
Requirement already satisfied: torch==2.0.1 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torchvision) (2.0.1+cu118)
Collecting pillow!=8.3.*,>=5.3.0 (from torchvision)
Downloading https://download.pytorch.org/whl/Pillow-9.3.0-cp310-cp310-win_amd64.whl (2.5 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.5/2.5 MB 39.0 MB/s eta 0:00:00
Requirement already satisfied: filelock in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (3.9.0)
Requirement already satisfied: typing-extensions in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (4.4.0)
Requirement already satisfied: sympy in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (1.11.1)
Requirement already satisfied: networkx in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (3.0)
Requirement already satisfied: jinja2 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchvision) (3.1.2)
Requirement already satisfied: urllib3<1.27,>=1.21.1 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->torchvision) (1.26.8)
Requirement already satisfied: certifi>=2017.4.17 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->torchvision) (2021.10.8)
Requirement already satisfied: charset_normalizer~=2.0.0 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->torchvision) (2.0.10)
Requirement already satisfied: idna<4,>=2.5 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->torchvision) (3.3)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from jinja2->torch==2.0.1->torchvision) (2.1.2)
Requirement already satisfied: mpmath>=0.19 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from sympy->torch==2.0.1->torchvision) (1.2.1)
Installing collected packages: pillow, torchvision
Successfully installed pillow-9.3.0 torchvision-0.15.2+cu118
Looking in indexes: https://download.pytorch.org/whl/cu118
Collecting torchaudio
Downloading https://download.pytorch.org/whl/cu118/torchaudio-2.0.2%2Bcu118-cp310-cp310-win_amd64.whl (2.5 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.5/2.5 MB 26.1 MB/s eta 0:00:00
Requirement already satisfied: torch==2.0.1 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torchaudio) (2.0.1+cu118)
Requirement already satisfied: filelock in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (3.9.0)
Requirement already satisfied: typing-extensions in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (4.4.0)
Requirement already satisfied: sympy in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (1.11.1)
Requirement already satisfied: networkx in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (3.0)
Requirement already satisfied: jinja2 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.1->torchaudio) (3.1.2)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from jinja2->torch==2.0.1->torchaudio) (2.1.2)
Requirement already satisfied: mpmath>=0.19 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from sympy->torch==2.0.1->torchaudio) (1.2.1)
Installing collected packages: torchaudio
Successfully installed torchaudio-2.0.2+cu118
Installing: soundfile module
Collecting PySoundFile
Downloading PySoundFile-0.9.0.post1-py2.py3.cp26.cp27.cp32.cp33.cp34.cp35.cp36.pp27.pp32.pp33-none-win_amd64.whl (671 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 671.8/671.8 kB 14.1 MB/s eta 0:00:00
Collecting cffi>=0.6 (from PySoundFile)
Downloading cffi-1.15.1-cp310-cp310-win_amd64.whl (179 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 179.1/179.1 kB ? eta 0:00:00
Collecting pycparser (from cffi>=0.6->PySoundFile)
Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 118.7/118.7 kB 6.8 MB/s eta 0:00:00
Installing collected packages: pycparser, cffi, PySoundFile
Successfully installed PySoundFile-0.9.0.post1 cffi-1.15.1 pycparser-2.21
Installing: diffusers module
Collecting diffusers
Using cached diffusers-0.16.1-py3-none-any.whl (934 kB)
Requirement already satisfied: Pillow in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from diffusers) (9.3.0)
Requirement already satisfied: filelock in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from diffusers) (3.9.0)
Collecting huggingface-hub>=0.13.2 (from diffusers)
Using cached huggingface_hub-0.14.1-py3-none-any.whl (224 kB)
Collecting importlib-metadata (from diffusers)
Using cached importlib_metadata-6.6.0-py3-none-any.whl (22 kB)
Requirement already satisfied: numpy in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from diffusers) (1.23.5)
Collecting regex!=2019.12.17 (from diffusers)
Downloading regex-2023.5.5-cp310-cp310-win_amd64.whl (267 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 267.9/267.9 kB 8.3 MB/s eta 0:00:00
Requirement already satisfied: requests in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from diffusers) (2.27.1)
Collecting fsspec (from huggingface-hub>=0.13.2->diffusers)
Downloading fsspec-2023.5.0-py3-none-any.whl (160 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 160.1/160.1 kB 1.1 MB/s eta 0:00:00
Collecting tqdm>=4.42.1 (from huggingface-hub>=0.13.2->diffusers)
Downloading tqdm-4.65.0-py3-none-any.whl (77 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 77.1/77.1 kB 2.2 MB/s eta 0:00:00
Collecting pyyaml>=5.1 (from huggingface-hub>=0.13.2->diffusers)
Downloading PyYAML-6.0-cp310-cp310-win_amd64.whl (151 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 151.7/151.7 kB 4.6 MB/s eta 0:00:00
Requirement already satisfied: typing-extensions>=3.7.4.3 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from huggingface-hub>=0.13.2->diffusers) (4.4.0)
Collecting packaging>=20.9 (from huggingface-hub>=0.13.2->diffusers)
Downloading packaging-23.1-py3-none-any.whl (48 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 48.9/48.9 kB 2.4 MB/s eta 0:00:00
Collecting zipp>=0.5 (from importlib-metadata->diffusers)
Downloading zipp-3.15.0-py3-none-any.whl (6.8 kB)
Requirement already satisfied: urllib3<1.27,>=1.21.1 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->diffusers) (1.26.8)
Requirement already satisfied: certifi>=2017.4.17 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->diffusers) (2021.10.8)
Requirement already satisfied: charset_normalizer~=2.0.0 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->diffusers) (2.0.10)
Requirement already satisfied: idna<4,>=2.5 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->diffusers) (3.3)
Collecting colorama (from tqdm>=4.42.1->huggingface-hub>=0.13.2->diffusers)
Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)
Installing collected packages: zipp, regex, pyyaml, packaging, fsspec, colorama, tqdm, importlib-metadata, huggingface-hub, diffusers
Successfully installed colorama-0.4.6 diffusers-0.16.1 fsspec-2023.5.0 huggingface-hub-0.14.1 importlib-metadata-6.6.0 packaging-23.1 pyyaml-6.0 regex-2023.5.5 tqdm-4.65.0 zipp-3.15.0
Installing: accelerate module
Collecting accelerate
Downloading accelerate-0.19.0-py3-none-any.whl (219 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 219.1/219.1 kB 6.5 MB/s eta 0:00:00
Requirement already satisfied: numpy>=1.17 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from accelerate) (1.23.5)
Requirement already satisfied: packaging>=20.0 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from accelerate) (23.1)
Collecting psutil (from accelerate)
Downloading psutil-5.9.5-cp36-abi3-win_amd64.whl (255 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 255.1/255.1 kB 15.3 MB/s eta 0:00:00
Requirement already satisfied: pyyaml in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from accelerate) (6.0)
Requirement already satisfied: torch>=1.6.0 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from accelerate) (2.0.1+cu118)
Requirement already satisfied: filelock in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (3.9.0)
Requirement already satisfied: typing-extensions in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (4.4.0)
Requirement already satisfied: sympy in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (1.11.1)
Requirement already satisfied: networkx in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (3.0)
Requirement already satisfied: jinja2 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch>=1.6.0->accelerate) (3.1.2)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from jinja2->torch>=1.6.0->accelerate) (2.1.2)
Requirement already satisfied: mpmath>=0.19 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from sympy->torch>=1.6.0->accelerate) (1.2.1)
Installing collected packages: psutil, accelerate
Successfully installed accelerate-0.19.0 psutil-5.9.5
Installing: transformers module
Collecting transformers
Downloading transformers-4.29.1-py3-none-any.whl (7.1 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 7.1/7.1 MB 15.0 MB/s eta 0:00:00
Requirement already satisfied: filelock in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from transformers) (3.9.0)
Requirement already satisfied: huggingface-hub<1.0,>=0.14.1 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from transformers) (0.14.1)
Requirement already satisfied: numpy>=1.17 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from transformers) (1.23.5)
Requirement already satisfied: packaging>=20.0 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from transformers) (23.1)
Requirement already satisfied: pyyaml>=5.1 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from transformers) (6.0)
Requirement already satisfied: regex!=2019.12.17 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from transformers) (2023.5.5)
Requirement already satisfied: requests in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from transformers) (2.27.1)
Collecting tokenizers!=0.11.3,<0.14,>=0.11.1 (from transformers)
Downloading tokenizers-0.13.3-cp310-cp310-win_amd64.whl (3.5 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 3.5/3.5 MB 31.7 MB/s eta 0:00:00
Requirement already satisfied: tqdm>=4.27 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from transformers) (4.65.0)
Requirement already satisfied: fsspec in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from huggingface-hub<1.0,>=0.14.1->transformers) (2023.5.0)
Requirement already satisfied: typing-extensions>=3.7.4.3 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from huggingface-hub<1.0,>=0.14.1->transformers) (4.4.0)
Requirement already satisfied: colorama in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from tqdm>=4.27->transformers) (0.4.6)
Requirement already satisfied: urllib3<1.27,>=1.21.1 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->transformers) (1.26.8)
Requirement already satisfied: certifi>=2017.4.17 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->transformers) (2021.10.8)
Requirement already satisfied: charset_normalizer~=2.0.0 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->transformers) (2.0.10)
Requirement already satisfied: idna<4,>=2.5 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from requests->transformers) (3.3)
Installing collected packages: tokenizers, transformers
Successfully installed tokenizers-0.13.3 transformers-4.29.1
Installing: sentencepiece module
Collecting sentencepiece
Downloading sentencepiece-0.1.99-cp310-cp310-win_amd64.whl (977 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 977.5/977.5 kB 10.3 MB/s eta 0:00:00
Installing collected packages: sentencepiece
Successfully installed sentencepiece-0.1.99
Installing: safetensors module
Collecting safetensors
Downloading safetensors-0.3.1-cp310-cp310-win_amd64.whl (263 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 263.7/263.7 kB 5.4 MB/s eta 0:00:00
Installing collected packages: safetensors
Successfully installed safetensors-0.3.1
Installing: cv2 module
Collecting opencv_python
Downloading opencv_python-4.7.0.72-cp37-abi3-win_amd64.whl (38.2 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 38.2/38.2 MB 24.2 MB/s eta 0:00:00
Requirement already satisfied: numpy>=1.21.2 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from opencv_python) (1.23.5)
Installing collected packages: opencv_python
Successfully installed opencv_python-4.7.0.72
Installing: scipy module
Collecting scipy
Downloading scipy-1.10.1-cp310-cp310-win_amd64.whl (42.5 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 42.5/42.5 MB 22.6 MB/s eta 0:00:00
Requirement already satisfied: numpy<1.27.0,>=1.19.5 in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from scipy) (1.23.5)
Installing collected packages: scipy
Successfully installed scipy-1.10.1
Installing: xformers module
Collecting xformers
Downloading xformers-0.0.19-cp310-cp310-win_amd64.whl (96.7 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 96.7/96.7 MB 14.2 MB/s eta 0:00:00
Requirement already satisfied: numpy in c:\program files\blender foundation\blender 3.5\3.5\python\lib\site-packages (from xformers) (1.23.5)
Collecting pyre-extensions==0.0.29 (from xformers)
Downloading pyre_extensions-0.0.29-py3-none-any.whl (12 kB)
Collecting torch==2.0.0 (from xformers)
Using cached torch-2.0.0-cp310-cp310-win_amd64.whl (172.3 MB)
Collecting typing-inspect (from pyre-extensions==0.0.29->xformers)
Downloading typing_inspect-0.8.0-py3-none-any.whl (8.7 kB)
Requirement already satisfied: typing-extensions in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from pyre-extensions==0.0.29->xformers) (4.4.0)
Requirement already satisfied: filelock in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.0->xformers) (3.9.0)
Requirement already satisfied: sympy in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.0->xformers) (1.11.1)
Requirement already satisfied: networkx in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.0->xformers) (3.0)
Requirement already satisfied: jinja2 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from torch==2.0.0->xformers) (3.1.2)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from jinja2->torch==2.0.0->xformers) (2.1.2)
Requirement already satisfied: mpmath>=0.19 in c:\users\shqmf\appdata\roaming\python\python310\site-packages (from sympy->torch==2.0.0->xformers) (1.2.1)
Collecting mypy-extensions>=0.3.0 (from typing-inspect->pyre-extensions==0.0.29->xformers)
Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)
Installing collected packages: mypy-extensions, typing-inspect, torch, pyre-extensions, xformers
Attempting uninstall: torch
Found existing installation: torch 2.0.1+cu118
Uninstalling torch-2.0.1+cu118:
Successfully uninstalled torch-2.0.1+cu118
ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
torchaudio 2.0.2+cu118 requires torch==2.0.1, but you have torch 2.0.0 which is incompatible.
torchvision 0.15.2+cu118 requires torch==2.0.1, but you have torch 2.0.0 which is incompatible.
Successfully installed mypy-extensions-1.0.0 pyre-extensions-0.0.29 torch-2.0.0 typing-inspect-0.8.0 xformers-0.0.19
Installing: bark module
Collecting git+https://github.com/suno-ai/bark.git
Cloning https://github.com/suno-ai/bark.git to c:\users\shqmf\appdata\local\temp\pip-req-build-04kfff8z
ERROR: Error [WinError 2] The system cannot find the file specified while executing command git version
ERROR: Cannot find command 'git' - do you have 'git' installed and in your PATH?
Traceback (most recent call last):
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 193, in import_module
exec("import " + module)
File "", line 1, in
ModuleNotFoundError: No module named 'bark'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 399, in execute
install_modules(self)
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 294, in install_modules
import_module(self, "bark", "git+https://github.com/suno-ai/bark.git")
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 201, in import_module
subprocess.check_call(
File "C:\Program Files\Blender Foundation\Blender 3.5\3.5\python\lib\subprocess.py", line 369, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['C:\Program Files\Blender Foundation\Blender 3.5\3.5\python\bin\python.exe', '-m', 'pip', 'install', 'git+https://github.com/suno-ai/bark.git', '--no-warn-script-location', '--user']' returned non-zero exit status 1.
Info: Installing: torch module.
Info: Installing: soundfile module.
Info: Installing: diffusers module.
Info: Installing: accelerate module.
Info: Installing: transformers module.
Info: Installing: sentencepiece module.
Info: Installing: safetensors module.
Info: Installing: cv2 module.
Info: Installing: scipy module.
Info: Installing: xformers module.
Info: Installing: bark module.
Error: Python: Traceback (most recent call last):
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 193, in import_module
exec("import " + module)
File "", line 1, in
ModuleNotFoundError: No module named 'bark'


2/ When generating a video

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 399, in execute
install_modules(self)
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 294, in install_modules
import_module(self, "bark", "git+https://github.com/suno-ai/bark.git")
File "C:\Users\shqmf\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main_init_.py", line 201, in import_module
subprocess.check_call(
File "C:\Program Files\Blender Foundation\Blender 3.5\3.5\python\lib\subprocess.py", line 369, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['C:\Program Files\Blender Foundation\Blender 3.5\3.5\python\bin\python.exe', '-m', 'pip', 'install', 'git+https://github.com/suno-ai/bark.git', '--no-warn-script-location', '--user']' returned non-zero exit status 1.

Dependencies needs to be installed in the add-on preferences.

xFormers can't load C++/CUDA extensions

WARNING[XFORMERS]: xFormers can't load C++/CUDA extensions. xFormers was built for:
PyTorch 2.0.1+cu118 with CUDA 1108 (you have 2.1.0+cu118)

I get this message when i try to render with sd xl. I tried all i could. Install, deinstall dependencies, xformers, Pytorch, ect... with no success. Maybe you have an idea?
thanks

How to use with pre-existing python/conda installation and env??

Hello,

Very cool plugin you have here, I especially appreciate the newer Zeroscope implementations and the ability to easily do the gens in Blender.

All that being said, I really think that the method of installation and the instructions are lacking. So many ppl are getting into AI now and they already have Python environments setup on their computers, having to use things this way seems so much clunkier than how I would usually install using terminal, etc.

Would it be possible to provide some information on how we could go about using our own custom env's? Thank you. :)

torch - the specified module could not be found

I'm close here to getting this going...I mistakenly used an older 3.0 version of blender and got the 'temp override' error and I see I need to be on 3.5

so I installed it fresh, installed the add-on, but now when I try and install the dependencies I get :
Python: Traceback (most recent call last):

  File "C:\Users\mb\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main\__init__.py", line 500, in execute
    install_modules(self)
  File "C:\Users\mb\AppData\Roaming\Blender Foundation\Blender\3.5\scripts\addons\Generative_AI-main\__init__.py", line 259, in install_modules
    exec("import torch")
  File "<string>", line 1, in <module>
  File "C:\Users\mb\AppData\Roaming\Python\Python310\site-packages\torch\__init__.py", line 133, in <module>
    raise err
OSError: [WinError 126] The specified module could not be found. Error loading "C:\Users\mb\AppData\Roaming\Python\Python310\site-packages\torch\lib\cudnn_adv_infer64_8.dll" or one of its dependencies.

Do I need to install torch manually ? typically I use it in a conda env, but Im not all the familiar with Blender.
thx!

Torch installation - troubleshooting

Python: Traceback (most recent call last):
File "C:\Users\jo\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Generative_AI-main_init_.py", line 775, in execute
install_modules(self)
File "C:\Users\jo\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Generative_AI-main_init_.py", line 450, in install_modules
exec("import torch")
File "", line 1, in
File "C:\Users\jo\AppData\Roaming\Python\Python310\site-packages\torch_init_.py", line 133, in
raise err
OSError: [WinError 126] 지정된 모듈을 찾을 수 없습니다. Error loading "C:\Users\jo\AppData\Roaming\Python\Python310\site-packages\torch\lib\cudnn_cnn_infer64_8.dll" or one of its dependencies.


I've reinstalled several times, but it doesn't work.
I did a pip upgrade using the python module manager,
but I'm still having this problem. What should I do?

basic steps not work

I installed the addon with the default camera and blender 3D cube and I tried to test with basic: "A dream of a distant galaxy".
I saw the button Dream (Render Result) but is inactive and I have no idea about how to fix it.
Any idea?

macOS non cuda non transformer

Unfortunately not working without CUDA isn't ... is there anyway to run this without CUDA NVidia? Maybe will try in the future.

Blender PIP user site: /Users/jimmygunawan/.local/lib/python3.10/site-packages
user_site_packages /Users/jimmygunawan/.local/lib/python3.10/site-packages
user_site_packages /Users/jimmygunawan/.local/lib/python3.10/site-packages
register_class(...):
Warning: 'gpencil.camera_controls_pie' does not contain '_MT_' with prefix and suffix
register_class(...):
Warning: 'gpencil.snc_tools' does not contain '_MT_' with prefix and suffix
init
init
2023-08-08 15:00:49.185 Blender[28835:821251] WARNING: Secure coding is not enabled for restorable state! Enable secure coding by implementing NSApplicationDelegate.applicationSupportsSecureRestorableState: and returning YES.
init
Read blend: "/Users/jimmygunawan/Desktop/genAI_test_001.blend"
init
Downloading (…)ain/model_index.json: 100%|█████| 384/384 [00:00<00:00, 2.38MB/s]
vae/diffusion_pytorch_model.safetensors not found
Downloading (…)cial_tokens_map.json: 100%|██████| 460/460 [00:00<00:00, 498kB/s]
Downloading (…)cheduler_config.json: 100%|█████| 465/465 [00:00<00:00, 1.50MB/s]
Downloading (…)_encoder/config.json: 100%|█████| 609/609 [00:00<00:00, 3.71MB/s]
Downloading (…)fad/unet/config.json: 100%|█████| 727/727 [00:00<00:00, 5.97MB/s]
Downloading (…)okenizer_config.json: 100%|█████| 737/737 [00:00<00:00, 8.47MB/s]
Downloading (…)tokenizer/merges.txt: 100%|███| 525k/525k [00:00<00:00, 9.49MB/s]
Downloading (…)8fad/vae/config.json: 100%|█████| 636/636 [00:00<00:00, 8.95MB/s]
Downloading (…)tokenizer/vocab.json: 100%|█| 1.06M/1.06M [00:00<00:00, 2.71MB/s]
Downloading (…)on_pytorch_model.bin: 100%|███| 167M/167M [00:42<00:00, 3.96MB/s]
Downloading pytorch_model.bin: 100%|█████████| 681M/681M [01:53<00:00, 5.97MB/s]
Downloading (…)on_pytorch_model.bin: 100%|█| 2.82G/2.82G [07:01<00:00, 6.70MB/s]
Fetching 12 files: 100%|████████████████████████| 12/12 [07:04<00:00, 35.35s/it]
Loading pipeline components...: 100%|█████████████████████████| 5/5 [00:01<00:00,  3.72it/s]
Traceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.6/scripts/addons/Generative_AI-main/__init__.py", line 2969, in execute
    pipe.enable_xformers_memory_efficient_attention()
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/pipeline_utils.py", line 1641, in enable_xformers_memory_efficient_attention
    self.set_use_memory_efficient_attention_xformers(True, attention_op)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/pipeline_utils.py", line 1667, in set_use_memory_efficient_attention_xformers
    fn_recursive_set_mem_eff(module)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/pipeline_utils.py", line 1657, in fn_recursive_set_mem_eff
    module.set_use_memory_efficient_attention_xformers(valid, attention_op)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 227, in set_use_memory_efficient_attention_xformers
    fn_recursive_set_mem_eff(module)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 220, in fn_recursive_set_mem_eff
    module.set_use_memory_efficient_attention_xformers(valid, attention_op)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 227, in set_use_memory_efficient_attention_xformers
    fn_recursive_set_mem_eff(module)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 223, in fn_recursive_set_mem_eff
    fn_recursive_set_mem_eff(child)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 223, in fn_recursive_set_mem_eff
    fn_recursive_set_mem_eff(child)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 220, in fn_recursive_set_mem_eff
    module.set_use_memory_efficient_attention_xformers(valid, attention_op)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/attention_processor.py", line 193, in set_use_memory_efficient_attention_xformers
    raise ModuleNotFoundError(
ModuleNotFoundError: Refer to https://github.com/facebookresearch/xformers for more information on how to install xformers
Error: Python: Traceback (most recent call last):
  File "/Users/jimmygunawan/Library/Application Support/Blender/3.6/scripts/addons/Generative_AI-main/__init__.py", line 2969, in execute
    pipe.enable_xformers_memory_efficient_attention()
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/pipeline_utils.py", line 1641, in enable_xformers_memory_efficient_attention
    self.set_use_memory_efficient_attention_xformers(True, attention_op)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/pipeline_utils.py", line 1667, in set_use_memory_efficient_attention_xformers
    fn_recursive_set_mem_eff(module)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/pipelines/pipeline_utils.py", line 1657, in fn_recursive_set_mem_eff
    module.set_use_memory_efficient_attention_xformers(valid, attention_op)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 227, in set_use_memory_efficient_attention_xformers
    fn_recursive_set_mem_eff(module)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 220, in fn_recursive_set_mem_eff
    module.set_use_memory_efficient_attention_xformers(valid, attention_op)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 227, in set_use_memory_efficient_attention_xformers
    fn_recursive_set_mem_eff(module)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 223, in fn_recursive_set_mem_eff
    fn_recursive_set_mem_eff(child)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 223, in fn_recursive_set_mem_eff
    fn_recursive_set_mem_eff(child)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/modeling_utils.py", line 220, in fn_recursive_set_mem_eff
    module.set_use_memory_efficient_attention_xformers(valid, attention_op)
  File "/Users/jimmygunawan/.local/lib/python3.10/site-packages/diffusers/models/attention_processor.py", line 193, in set_use_memory_efficient_attention_xformers
    raise ModuleNotFoundError(
ModuleNotFoundError: Refer to https://github.com/facebookresearch/xformers for more information on how to install xformers

RuntimeError: CUDA error: invalid configuration argument

Just tried to install your software on two PC, both get the same error as attached on their first generation.
Both systems got a RTX3090 TI with 24 GB VRAM and run Zeroscope XL under VOC constantly.
Would be very glad for your support what I am supposed to do.
error.txt

Problem: Video, img2img

Seed: 747642197
Process: Frame by frame (SD XL)
1/5
100%|███████████████████████████████████████████| 12/12 [00:28<00:00,  2.39s/it]
2/5
100%|███████████████████████████████████████████| 12/12 [00:30<00:00,  2.56s/it]
3/5
100%|███████████████████████████████████████████| 12/12 [00:30<00:00,  2.50s/it]
4/5
100%|███████████████████████████████████████████| 12/12 [00:28<00:00,  2.41s/it]
5/5
100%|███████████████████████████████████████████| 12/12 [00:28<00:00,  2.41s/it]
Traceback (most recent call last):
  File "/home/bazza/.config/blender/4.0/scripts/addons/Pallaidium-main/__init__.py", line 2129, in execute
    video_frames = np.array(video_frames)
                   ^^^^^^^^^^^^^^^^^^^^^^
ValueError: setting an array element with a sequence. The requested array has an inhomogeneous shape after 1 dimensions. The detected shape was (5,) + inhomogeneous part.

Animatediff not working?

I have blender 4.0.2 installed on windows11.
version 1.8 Pallaidium
RTX3080Ti 16GB vram
When i select animatefiff for video generation i get an error concerning upscale:

Model: guoyww/animatediff-motion-adapter-v1-5-2
The config attributes {'motion_activation_fn': 'geglu', 'motion_attention_bias': False, 'motion_cross_attention_dim': None} were passed to MotionAdapter, but are not expected and will be ignored. Please verify your config.json configuration file.
Loading pipeline components...: 100%|████████████████████████████████████████████████████| 5/5 [00:01<00:00, 3.86it/s]
The config attributes {'center_input_sample': False, 'flip_sin_to_cos': True, 'freq_shift': 0, 'mid_block_type': 'UNetMidBlock2DCrossAttn', 'only_cross_attention': False, 'attention_head_dim': 8, 'dual_cross_attention': False, 'class_embed_type': None, 'addition_embed_type': None, 'num_class_embeds': None, 'upcast_attention': False, 'resnet_time_scale_shift': 'default', 'resnet_skip_time_act': False, 'resnet_out_scale_factor': 1.0, 'time_embedding_type': 'positional', 'time_embedding_dim': None, 'time_embedding_act_fn': None, 'timestep_post_act': None, 'time_cond_proj_dim': None, 'conv_in_kernel': 3, 'conv_out_kernel': 3, 'projection_class_embeddings_input_dim': None, 'class_embeddings_concat': False, 'mid_block_only_cross_attention': None, 'cross_attention_norm': None, 'addition_embed_type_num_heads': 64} were passed to UNetMotionModel, but are not expected and will be ignored. Please verify your config.json configuration file.
Traceback (most recent call last):
File "C:\Users\x\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init_.py", line 2196, in execute
upscale.to(gfx_device)
UnboundLocalError: local variable 'upscale' referenced before assignment
Error: Python: Traceback (most recent call last):
File "C:\Users\x\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init_.py", line 2196, in execute
upscale.to(gfx_device)
UnboundLocalError: local variable 'upscale' referenced before assignment
Location: C:\Program Files\Blender Foundation\Blender 4.0\4.0\scripts\modules\bpy\ops.py:109
Traceback (most recent call last):
File "C:\Users\x\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init_.py", line 4298, in execute
sequencer.generate_movie()
File "C:\Program Files\Blender Foundation\Blender 4.0\4.0\scripts\modules\bpy\ops.py", line 109, in call
ret = op_call(self.idname_py(), kw)
RuntimeError: Error: Python: Traceback (most recent call last):
File "C:\Users\x\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init
.py", line 2196, in execute
upscale.to(gfx_device)
UnboundLocalError: local variable 'upscale' referenced before assignment
Location: C:\Program Files\Blender Foundation\Blender 4.0\4.0\scripts\modules\bpy\ops.py:109

Error: Python: Traceback (most recent call last):
File "C:\Users\x\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init_.py", line 4298, in execute
sequencer.generate_movie()
File "C:\Program Files\Blender Foundation\Blender 4.0\4.0\scripts\modules\bpy\ops.py", line 109, in call
ret = op_call(self.idname_py(), kw)
RuntimeError: Error: Python: Traceback (most recent call last):
File "C:\Users\x\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init
.py", line 2196, in execute
upscale.to(gfx_device)
UnboundLocalError: local variable 'upscale' referenced before assignment
Location: C:\Program Files\Blender Foundation\Blender 4.0\4.0\scripts\modules\bpy\ops.py:109

BLENDER CONSOLE message
Python: Traceback (most recent call last):
File "C:\Users\x\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init_.py", line 2196, in execute
upscale.to(gfx_device)
UnboundLocalError: local variable 'upscale' referenced before assignment

Numpy not avalible error

This error is connected to the modelscope install process. It seems like pytorch 2 and numpy is incompatible with Python 3.10 and it must be downgraded to 3.9 - which means Blender 3.0 must be used(Blender 3.1 upgraded to python 3.10)
openai/whisper#1032

Many uninstall errors

Hello,

Trying to uninstall dependencies using the plugin 'uninstall dependencies' button and getting a large amount of errors; sharing them here in the event they can help you debug some of the issues
Generative-AI(BlenderPlugin)ErrorTrace01.txt
.

Sending as a text attachment as the trace is too big to post here.

prompt_emds is undefined

Hello.

When I try to use the "DeepFloyd/IF-I-M-v1.0" model to generate images, I get a name error saying prompt_emds is undefined.
How can I solve this?

genai_error_00

When I open the init.py file in Visual Studio code, it also says that prompt_embeds and negative_embeds are undefined.

genai_error

ZeroScope XL errors

Hello,

I am receiving the following error when trying to generate using the ZeroscopeXL model (all other models work fine except the polyware-ai ones which seem to have been removed from huggingspace).

Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py:1369: FutureWarning: You are trying to load the model files of the variant=fp16, but no such modeling files are available.The default model files: {'vae/diffusion_pytorch_model.bin', 'text_encoder/pytorch_model.bin', 'unet/diffusion_pytorch_model.bin'} will be loaded instead. Make sure to not load from variant=fp16if such variant modeling files are not available. Doing so will lead to an error in v0.22.0 as defaulting to non-variantmodeling files is deprecated. deprecate("no variant default", "0.22.0", deprecation_message, standard_warn=False) unet\diffusion_pytorch_model.safetensors not found Loading pipeline components...: 100%|████████████████████████████████████████████████████| 5/5 [00:08<00:00, 1.61s/it] Traceback (most recent call last): File "Q:\Users\username\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Generative_AI-main\__init__.py", line 826, in execute video_frames = pipe( File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context return func(*args, **kwargs) TypeError: VideoToVideoSDPipeline.__call__() got an unexpected keyword argument 'height' Error: Python: Traceback (most recent call last): File "Q:\Users\username\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Generative_AI-main\__init__.py", line 826, in execute video_frames = pipe( File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context return func(*args, **kwargs) TypeError: VideoToVideoSDPipeline.__call__() got an unexpected keyword argument 'height'

I'm sorry I have no idea how to fix it.

Linux: I always have a Memory error, no matter which settings i use.

Python: Traceback (most recent call last):
File "/home/robin/.config/blender/3.6/scripts/addons/Pallaidium-main/init.py", line 2335, in execute
image = pipe(
File "/home/robin/.local/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
return func(*args, **kwargs)
File "/home/robin/.local/lib/python3.10/site-packages/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl.py", line 861, in call
noise_pred = self.unet(
File "/home/robin/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1501, in _call_impl
return forward_call(*args, **kwargs)
File "/home/robin/.local/lib/python3.10/site-packages/accelerate/hooks.py", line 160, in new_forward
args, kwargs = module._hf_hook.pre_forward(module, *args, **kwargs)
File "/home/robin/.local/lib/python3.10/site-packages/accelerate/hooks.py", line 578, in pre_forward
module.to(self.execution_device)
File "/home/robin/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1145, in to
return self._apply(convert)
File "/home/robin/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 797, in _apply
module._apply(fn)
File "/home/robin/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 797, in _apply
module._apply(fn)
File "/home/robin/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 797, in _apply
module._apply(fn)
[Previous line repeated 5 more times]
File "/home/robin/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 820, in _apply
param_applied = fn(param)
File "/home/robin/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1143, in convert
return t.to(device, dtype if t.is_floating_point() or t.is_complex() else None, non_blocking)
torch.cuda.OutOfMemoryError: CUDA out of memory. Tried to allocate 14.00 MiB (GPU 0; 5.79 GiB total capacity; 4.55 GiB already allocated; 12.12 MiB free; 4.71 GiB reserved in total by PyTorch) If reserved memory is >> allocated memory try setting max_split_size_mb to avoid fragmentation. See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF

Linux: starting the extension crashes Blender

Hi,

after smooth install on Linux (ubuntu 23.04) and blender 3.5.1 (snap) and installing a missing package uysing pip as described in the install instructions, blender crashes when converting a text block. The log says:

journalctl -f | grep blender
mei 08 10:38:27 kaosfury systemd[2548]: Started snap.blender.blender.34735eb8-3dd3-4d26-84c8-7433fbdab752.scope.
mei 08 10:38:50 kaosfury blender_blender.desktop[457515]: : CommandLine Error: Option 'nvptx-no-f16-math' registered more than once!
mei 08 10:38:50 kaosfury blender_blender.desktop[457515]: LLVM ERROR: inconsistency in registered CommandLine options
mei 08 10:38:51 kaosfury blender_blender.desktop[457488]: Aborted (core dumped)
mei 08 10:38:51 kaosfury systemd[2548]: snap.blender.blender.34735eb8-3dd3-4d26-84c8-7433fbdab752.scope: Consumed 8.328s CPU time.

any idea what might be causing this?

How to install Triton??

Hello,

I get a "A matching Triton is not available, some optimizations will not be enabled.
Error caught was: No module named 'triton'" message whenever I use the plugin to generate something.

I have Triton installed for other programs (like threestudio, various LLM UI's/Libraries, etc.) in separate env's but I have absolutely no idea how to get it installed here (or if it provides similar boosts as with other generative AI programs) as the (3 year old) Blender_pip plugin you link doesn't seem to include it.

It is entirely possible I just don't know what I'm doing as far as using Blender-specific Python, but I would be more than happy to learn if that's the case.

Thankyou.

AnimateDiff errors

Hello again,

Didn't realize AnimateDiff was in the model list now so gave it a try and getting more errors:

Warning: 1 x Draw window and swap: 115.6337 ms, average: 115.63369998 ms Traceback (most recent call last): File "Q:\Users\username\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Generative_AI-main\__init__.py", line 763, in execute pipe = DiffusionPipeline.from_pretrained( File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 908, in from_pretrained cached_folder = cls.download( File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1330, in download info = model_info( File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 110, in _inner_fn validate_repo_id(arg_value) File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 158, in validate_repo_id raise HFValidationError( huggingface_hub.utils._validators.HFValidationError: Repo id must be in the form 'repo_name' or 'namespace/repo_name': 'camenduru/AnimateDiff/'. Use repo_typeargument if needed. Error: Python: Traceback (most recent call last): File "Q:\Users\username\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Generative_AI-main\__init__.py", line 763, in execute pipe = DiffusionPipeline.from_pretrained( File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 908, in from_pretrained cached_folder = cls.download( File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1330, in download info = model_info( File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 110, in _inner_fn validate_repo_id(arg_value) File "Q:\Users\username\AppData\Roaming\Python\Python310\site-packages\huggingface_hub\utils\_validators.py", line 158, in validate_repo_id raise HFValidationError( huggingface_hub.utils._validators.HFValidationError: Repo id must be in the form 'repo_name' or 'namespace/repo_name': 'camenduru/AnimateDiff/'. Userepo_type argument if needed.

My python knowledge is limited but it's a good learning experience, so I will try to figure them out myself in the meantime as I wait for a response; just wanted to bring them to your attention so you can see what issues might crop up for users!

The system cannot find the specified path:

when I want to generate something, at first everything goes well, but then this error appearsTraceback (most recent call last):

File "C:\Users\admin\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init_.py", line 2503, in execute
filename = solve_path(clean_filename(prompt + ".wav"))
File "C:\Users\admin\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init_.py", line 258, in solve_path
create_folder(dir_path)
File "C:\Users\admin\AppData\Roaming\Blender Foundation\Blender\4.0\scripts\addons\Pallaidium-main_init_.py", line 244, in create_folder
os.makedirs(folderpath)
File "C:\Program Files\Blender Foundation\Blender 4.0\4.0\python\lib\os.py", line 225, in makedirs
mkdir(name, mode)

[WinError 3] The system cannot find the specified path: 'C:\Program Files\Git\cmd\git-gui.exe\2023-11-29' Error: Python: Traceback (most recent call last) :

Linux: error when trying to generate audio with Bark

hio i tryed audio model card : AudioLDM S Full v2 but the sound generated wasnt so good and so then wanted try Bark but this gives me this error so not working.

WARN (bpy.rna): source/blender/python/intern/bpy_rna.c:1337 pyrna_enum_to_py: current value '0' matches no enum in 'CharMorphUIProps', '', 'rig'
Downloading: "https://dl.fbaipublicfiles.com/encodec/v0/encodec_24khz-d7cc33bc.th" to /home/vuaieo/.cache/torch/hub/checkpoints/encodec_24khz-d7cc33bc.th
Traceback (most recent call last):
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 1348, in do_open
h.request(req.get_method(), req.selector, req.data, headers,
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1283, in request
self._send_request(method, url, body, headers, encode_chunked)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1329, in _send_request
self.endheaders(body, encode_chunked=encode_chunked)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1278, in endheaders
self._send_output(message_body, encode_chunked=encode_chunked)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1038, in _send_output
self.send(msg)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 976, in send
self.connect()
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1455, in connect
self.sock = self._context.wrap_socket(self.sock,
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/ssl.py", line 513, in wrap_socket
return self.sslsocket_class._create(
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/ssl.py", line 1071, in _create
self.do_handshake()
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/ssl.py", line 1342, in do_handshake
self._sslobj.do_handshake()
ssl.SSLCertVerificationError: [SSL: CERTIFICATE_VERIFY_FAILED] certificate verify failed: unable to get local issuer certificate (_ssl.c:1007)

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.0/scripts/addons/Generative_AI-main/init.py", line 802, in execute
preload_models(
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/generation.py", line 330, in preload_models
_ = load_codec_model(use_gpu=codec_use_gpu, force_reload=force_reload)
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/generation.py", line 297, in load_codec_model
model = _load_codec_model(device)
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/generation.py", line 253, in _load_codec_model
model = EncodecModel.encodec_model_24khz()
File "/home/vuaieo/.local/lib/python3.10/site-packages/encodec/model.py", line 279, in encodec_model_24khz
state_dict = EncodecModel._get_pretrained(checkpoint_name, repository)
File "/home/vuaieo/.local/lib/python3.10/site-packages/encodec/model.py", line 262, in _get_pretrained
return torch.hub.load_state_dict_from_url(url, map_location='cpu', check_hash=True) # type:ignore
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/hub.py", line 746, in load_state_dict_from_url
download_url_to_file(url, cached_file, hash_prefix, progress=progress)
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/hub.py", line 611, in download_url_to_file
u = urlopen(req)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 216, in urlopen
return opener.open(url, data, timeout)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 519, in open
response = self._open(req, data)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 536, in _open
result = self._call_chain(self.handle_open, protocol, protocol +
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 496, in _call_chain
result = func(*args)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 1391, in https_open
return self.do_open(http.client.HTTPSConnection, req,
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 1351, in do_open
raise URLError(err)
urllib.error.URLError: <urlopen error [SSL: CERTIFICATE_VERIFY_FAILED] certificate verify failed: unable to get local issuer certificate (_ssl.c:1007)>
Error: Python: Traceback (most recent call last):
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 1348, in do_open
h.request(req.get_method(), req.selector, req.data, headers,
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1283, in request
self._send_request(method, url, body, headers, encode_chunked)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1329, in _send_request
self.endheaders(body, encode_chunked=encode_chunked)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1278, in endheaders
self._send_output(message_body, encode_chunked=encode_chunked)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1038, in _send_output
self.send(msg)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 976, in send
self.connect()
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/http/client.py", line 1455, in connect
self.sock = self._context.wrap_socket(self.sock,
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/ssl.py", line 513, in wrap_socket
return self.sslsocket_class._create(
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/ssl.py", line 1071, in _create
self.do_handshake()
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/ssl.py", line 1342, in do_handshake
self._sslobj.do_handshake()
ssl.SSLCertVerificationError: [SSL: CERTIFICATE_VERIFY_FAILED] certificate verify failed: unable to get local issuer certificate (_ssl.c:1007)

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.0/scripts/addons/Generative_AI-main/init.py", line 802, in execute
preload_models(
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/generation.py", line 330, in preload_models
_ = load_codec_model(use_gpu=codec_use_gpu, force_reload=force_reload)
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/generation.py", line 297, in load_codec_model
model = _load_codec_model(device)
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/generation.py", line 253, in _load_codec_model
model = EncodecModel.encodec_model_24khz()
File "/home/vuaieo/.local/lib/python3.10/site-packages/encodec/model.py", line 279, in encodec_model_24khz
state_dict = EncodecModel._get_pretrained(checkpoint_name, repository)
File "/home/vuaieo/.local/lib/python3.10/site-packages/encodec/model.py", line 262, in _get_pretrained
return torch.hub.load_state_dict_from_url(url, map_location='cpu', check_hash=True) # type:ignore
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/hub.py", line 746, in load_state_dict_from_url
download_url_to_file(url, cached_file, hash_prefix, progress=progress)
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/hub.py", line 611, in download_url_to_file
u = urlopen(req)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 216, in urlopen
return opener.open(url, data, timeout)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 519, in open
response = self._open(req, data)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 536, in _open
result = self._call_chain(self.handle_open, protocol, protocol +
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 496, in _call_chain
result = func(*args)
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 1391, in https_open
return self.do_open(http.client.HTTPSConnection, req,
File "/home/vuaieo/Desktop/UPBGE/4.0/python/lib/python3.10/urllib/request.py", line 1351, in do_open
raise URLError(err)
urllib.error.URLError: <urlopen error [SSL: CERTIFICATE_VERIFY_FAILED] certificate verify failed: unable to get local issuer certificate (_ssl.c:1007)>

and when trying to make many frames for video it gives me this error:

ae/diffusion_pytorch_model.safetensors not found
0%| | 0/100 [00:01<?, ?it/s]
Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.0/scripts/addons/Generative_AI-main/init.py", line 667, in execute
video_frames = pipe(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
return func(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_synth.py", line 634, in call
noise_pred = self.unet(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1501, in _call_impl
return forward_call(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/accelerate/hooks.py", line 165, in new_forward
output = old_forward(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/unet_3d_condition.py", line 469, in forward
sample = self.transformer_in(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1501, in _call_impl
return forward_call(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/transformer_temporal.py", line 153, in forward
hidden_states = block(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1501, in _call_impl
return forward_call(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/attention.py", line 313, in forward
attn_output = self.attn1(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1501, in _call_impl
return forward_call(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/attention_processor.py", line 267, in forward
return self.processor(
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/attention_processor.py", line 743, in call
hidden_states = F.scaled_dot_product_attention(
torch.cuda.OutOfMemoryError: CUDA out of memory. Tried to allocate 646.00 MiB (GPU 0; 11.76 GiB total capacity; 7.71 GiB already allocated; 419.06 MiB free; 7.89 GiB reserved in total by PyTorch) If reserved memory is >> allocated memory try setting max_split_size_mb to avoid fragmentation. See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF
Error: Python: Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.0/scripts/addons/Generative_AI-main/init.py", line 667, in execute
video_frames = pipe(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context
return func(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/pipelines/text_to_video_synthesis/pipeline_text_to_video_synth.py", line 634, in call
noise_pred = self.unet(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1501, in _call_impl
return forward_call(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/accelerate/hooks.py", line 165, in new_forward
output = old_forward(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/unet_3d_condition.py", line 469, in forward
sample = self.transformer_in(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1501, in _call_impl
return forward_call(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/transformer_temporal.py", line 153, in forward
hidden_states = block(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1501, in _call_impl
return forward_call(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/attention.py", line 313, in forward
attn_output = self.attn1(
File "/home/vuaieo/.local/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1501, in _call_impl
return forward_call(*args, **kwargs)
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/attention_processor.py", line 267, in forward
return self.processor(
File "/home/vuaieo/.local/lib/python3.10/site-packages/diffusers/models/attention_processor.py", line 743, in call
hidden_states = F.scaled_dot_product_attention(
torch.cuda.OutOfMemoryError: CUDA out of memory. Tried to allocate 646.00 MiB (GPU 0; 11.76 GiB total capacity; 7.71 GiB already allocated; 419.06 MiB free; 7.89 GiB reserved in total by PyTorch) If reserved memory is >> allocated memory try setting max_split_size_mb to avoid fragmentation. See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF

context_path_validate error: context.space_data.context not found (invalid keymap entry?)

i use nobara linux...

please help this is super amazing addon : )

Blender Closes after generating a video

blender just close after the last step is complete all i get in the console is this
Starting work on proxy: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\proxy_100_part.avi
Starting work on index: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\record_run.blen_tc
Starting work on index: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\free_run.blen_tc
Starting work on index: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\interp_free_run.blen_tc
Starting work on index: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\record_run_no_gaps.blen_tc
Starting work on proxy: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\proxy_100_part.avi
Starting work on index: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\record_run.blen_tc
Starting work on index: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\free_run.blen_tc
Starting work on index: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\interp_free_run.blen_tc
Starting work on index: C:\Users\elio\AppData\Roaming\Blender Foundation\Blender\3.5\datafiles\Generator AI\BL_proxy\tmpfar3ea_c.mp4\record_run_no_gaps.blen_tc

ImportError: cannot import name 'WuerstchenCombinedPipeline' from 'diffusers.pipelines.wuerstchen'

The following error log from the python console, Blender 3.6.2, Trying to install Zeroscope XL, Stable Diffusion XL and Bark.
Filepath to an external drive, E:\PallaidiumBlender\

Ensuring: pip
Defaulting to user installation because normal site-packages is not writeable
Looking in links: c:\Users\Cinem\AppData\Local\Temp\tmp_phnydgk
Requirement already satisfied: setuptools in c:\program files\blender foundation\blender 3.6\3.6\python\lib\site-packages (63.2.0)
Requirement already satisfied: pip in c:\users\cinem\appdata\roaming\python\python310\site-packages (23.2.1)
Defaulting to user installation because normal site-packages is not writeable
Requirement already satisfied: pip in c:\users\cinem\appdata\roaming\python\python310\site-packages (23.2.1)
Traceback (most recent call last):
File "C:\Users\Cinem\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init_.py", line 867, in execute
install_modules(self)
File "C:\Users\Cinem\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init_.py", line 551, in install_modules
import_module(self, "diffusers", "git+https://github.com/huggingface/diffusers.git")
File "C:\Users\Cinem\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init_.py", line 450, in import_module
exec("import " + module)
File "", line 1, in
File "C:\Users\Cinem\AppData\Roaming\Python\Python310\site-packages\diffusers_init_.py", line 30, in
from .pipelines import OnnxRuntimeModel
File "C:\Users\Cinem\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines_init_.py", line 19, in
from .auto_pipeline import AutoPipelineForImage2Image, AutoPipelineForInpainting, AutoPipelineForText2Image
File "C:\Users\Cinem\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\auto_pipeline.py", line 55, in
from .wuerstchen import WuerstchenCombinedPipeline, WuerstchenDecoderPipeline
ImportError: cannot import name 'WuerstchenCombinedPipeline' from 'diffusers.pipelines.wuerstchen' (C:\Users\Cinem\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\wuerstchen_init_.py)
Error: Python: Traceback (most recent call last):
File "C:\Users\Cinem\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init_.py", line 867, in execute
install_modules(self)
File "C:\Users\Cinem\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init_.py", line 551, in install_modules
import_module(self, "diffusers", "git+https://github.com/huggingface/diffusers.git")
File "C:\Users\Cinem\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init_.py", line 450, in import_module
exec("import " + module)
File "", line 1, in
File "C:\Users\Cinem\AppData\Roaming\Python\Python310\site-packages\diffusers_init_.py", line 30, in
from .pipelines import OnnxRuntimeModel
File "C:\Users\Cinem\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines_init_.py", line 19, in
from .auto_pipeline import AutoPipelineForImage2Image, AutoPipelineForInpainting, AutoPipelineForText2Image
File "C:\Users\Cinem\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\auto_pipeline.py", line 55, in
from .wuerstchen import WuerstchenCombinedPipeline, WuerstchenDecoderPipeline
ImportError: cannot import name 'WuerstchenCombinedPipeline' from 'diffusers.pipelines.wuerstchen' (C:\Users\Cinem\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\wuerstchen_init_.py)

Can't install Text to Audio

Hi tin2tin,

great project!
Unfortunately, I can't get Text to Audio (AudioLDM and Bark) to work.

`Read prefs: E:\Blender-AI\3.4\config\userpref.blend
Win32 Error# (1413): Ung├╝ltiger Index.
Dependencies needs to be installed in the add-on preferences.
Ensuring: pip
Looking in links: c:\Users\SysAdmin\AppData\Local\Temp\tmptzkktw66
Requirement already satisfied: setuptools in e:\blender-ai\3.4\python\lib\site-packages (63.2.0)
Requirement already satisfied: pip in e:\blender-ai\3.4\python\lib\site-packages (23.1.2)
Requirement already satisfied: pip in e:\blender-ai\3.4\python\lib\site-packages (23.1.2)
A matching Triton is not available, some optimizations will not be enabled.
Error caught was: No module named 'triton'
Installing: bark module
Collecting git+https://github.com/suno-ai/bark.git
Cloning https://github.com/suno-ai/bark.git to c:\users\sysadmin\appdata\local\temp\pip-req-build-o17cl4vy
ERROR: Error [WinError 2] Das System kann die angegebene Datei nicht finden while executing command git version
ERROR: Cannot find command 'git' - do you have 'git' installed and in your PATH?
Traceback (most recent call last):
File "E:\Blender-AI\3.4\scripts\addons\generative_ai-main_init_.py", line 113, in import_module
exec("import " + module)
File "", line 1, in
ModuleNotFoundError: No module named 'bark'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "E:\Blender-AI\3.4\scripts\addons\generative_ai-main_init_.py", line 304, in execute
install_modules(self)
File "E:\Blender-AI\3.4\scripts\addons\generative_ai-main_init_.py", line 212, in install_modules
import_module(self, "bark", "git+https://github.com/suno-ai/bark.git")
File "E:\Blender-AI\3.4\scripts\addons\generative_ai-main_init_.py", line 121, in import_module
subprocess.check_call(
File "E:\Blender-AI\3.4\python\lib\subprocess.py", line 369, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['E:\Blender-AI\3.4\python\bin\python.exe', '-m', 'pip', 'install', 'git+https://github.com/suno-ai/bark.git', '--no-warn-script-location', '--user']' returned non-zero exit status 1.
Info: Installing: bark module.
Error: Python: Traceback (most recent call last):
File "E:\Blender-AI\3.4\scripts\addons\generative_ai-main_init_.py", line 113, in import_module
exec("import " + module)
File "", line 1, in
ModuleNotFoundError: No module named 'bark'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "E:\Blender-AI\3.4\scripts\addons\generative_ai-main_init_.py", line 304, in execute
install_modules(self)
File "E:\Blender-AI\3.4\scripts\addons\generative_ai-main_init_.py", line 212, in install_modules
import_module(self, "bark", "git+https://github.com/suno-ai/bark.git")
File "E:\Blender-AI\3.4\scripts\addons\generative_ai-main_init_.py", line 121, in import_module
subprocess.check_call(
File "E:\Blender-AI\3.4\python\lib\subprocess.py", line 369, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['E:\Blender-AI\3.4\python\bin\python.exe', '-m', 'pip', 'install', 'git+https://github.com/suno-ai/bark.git', '--no-warn-script-location', '--user']' returned non-zero exit status 1.

`
WIN 10 64Bit
Blender 3.4.1
Generative AI - Version 1.1

Bye
Hans

Illusion model not loading

Since the controlNet 3d to image workflow was updated, I've not been able to successfully use the Illusion model. I don't get any errors, but its just returning results that stylize the input strip. The original image is clearly featured, not hidden as expected.

Strip input processing started (ctrl+c to cancel).
Use file seed and prompt: Yes
Total VRAM: 17170825216
Total GPU Cards: 1

1/1
Prompt: cinematic film still hatch_txt, a mossy forest floor with twigs and forest undergrowth, sunset lighting, high angle wide shot. shallow depth of field, vignette, highly detailed, high budget, bokeh, cinemascope, moody, epic, gorgeous, film grain, grainy
Negative Prompt: anime, cartoon, graphic, text, painting, crayon, graphite, abstract, glitch, deformed, mutated, ugly, disfigured
Load: ControlNet Model
unet\diffusion_pytorch_model.safetensors not found
Loading pipeline components...: 0%| | 0/7 [00:00<?, ?it/s]text_config_dict is provided which will be used to initialize CLIPTextConfig. The value text_config["id2label"] will be overriden.
text_config_dict is provided which will be used to initialize CLIPTextConfig. The value text_config["bos_token_id"] will be overriden.
text_config_dict is provided which will be used to initialize CLIPTextConfig. The value text_config["eos_token_id"] will be overriden.
Loading pipeline components...: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 7/7 [00:03<00:00, 2.00it/s]
Load Refine Model: stabilityai/stable-diffusion-xl-refiner-1.0
Loading pipeline components...: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 5/5 [00:01<00:00, 4.82it/s]
Seed: -1078186375
Process: ControlNet
Token indices sequence length is longer than the specified maximum sequence length for this model (96 > 77). Running this sequence through the model will result in indexing errors
The following part of your input was truncated because CLIP can only handle sequences up to 77 tokens: ['budget, bokeh, cinemascope, moody, epic, gorgeous, film grain, grainy']
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 25/25 [00:03<00:00, 8.31it/s]
Refine: Image
Token indices sequence length is longer than the specified maximum sequence length for this model (96 > 77). Running this sequence through the model will result in indexing errors
The following part of your input was truncated because CLIP can only handle sequences up to 77 tokens: ['budget, bokeh, cinemascope, moody, epic, gorgeous, film grain, grainy']
100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 12/12 [00:01<00:00, 8.79it/s]
Warning: 1 x Draw window and swap: 103.0201 ms, average: 103.02010000 ms
Processing finished.

these are my settings:
pallaidium_console_screengrab_illlusion_issue2

_offload_gpu_id

I just created a sample text strip and hit generate...


Strip input processing started (ctrl+c to cancel).
Use file seed and prompt: Yes

1/1
Prompt: a woman singing, a woman singing, a woman singing, a car,
Negative Prompt: low quality
Load: runwayml/stable-diffusion-v1-5 Model
unet\diffusion_pytorch_model.fp16.safetensors not found
Loading pipeline components...: 71%|█████████████████████████████████████▏ | 5/7 [00:01<00:00, 3.69it/s]text_config_dict is provided which will be used to initialize CLIPTextConfig. The value text_config["id2label"] will be overriden.
text_config_dict is provided which will be used to initialize CLIPTextConfig. The value text_config["bos_token_id"] will be overriden.
text_config_dict is provided which will be used to initialize CLIPTextConfig. The value text_config["eos_token_id"] will be overriden.
Loading pipeline components...: 100%|████████████████████████████████████████████████████| 7/7 [00:02<00:00, 3.38it/s]
Traceback (most recent call last):
File "C:\Users\claud\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init_.py", line 2638, in execute
pipe.enable_model_cpu_offload()
File "C:\Users\claud\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1363, in enable_model_cpu_offload
self._offload_gpu_id = gpu_id or torch_device.index or self._offload_gpu_id or 0
File "C:\Users\claud\AppData\Roaming\Python\Python310\site-packages\diffusers\configuration_utils.py", line 137, in getattr
raise AttributeError(f"'{type(self).name}' object has no attribute '{name}'")
AttributeError: 'StableDiffusionPipeline' object has no attribute 'offload_gpu_id'
Error: Python: Traceback (most recent call last):
File "C:\Users\claud\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init
.py", line 2638, in execute
pipe.enable_model_cpu_offload()
File "C:\Users\claud\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1363, in enable_model_cpu_offload
self._offload_gpu_id = gpu_id or torch_device.index or self._offload_gpu_id or 0
File "C:\Users\claud\AppData\Roaming\Python\Python310\site-packages\diffusers\configuration_utils.py", line 137, in getattr
raise AttributeError(f"'{type(self).name}' object has no attribute '{name}'")
AttributeError: 'StableDiffusionPipeline' object has no attribute 'offload_gpu_id'
Location: C:\Program Files\Blender Foundation\Blender 3.6\3.6\scripts\modules\bpy\ops.py:113
Traceback (most recent call last):
File "C:\Users\claud\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init
.py", line 3191, in execute
sequencer.generate_image()
File "C:\Program Files\Blender Foundation\Blender 3.6\3.6\scripts\modules\bpy\ops.py", line 113, in call
ret = op_call(self.idname_py(), None, kw)
RuntimeError: Error: Python: Traceback (most recent call last):
File "C:\Users\claud\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init
.py", line 2638, in execute
pipe.enable_model_cpu_offload()
File "C:\Users\claud\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1363, in enable_model_cpu_offload
self._offload_gpu_id = gpu_id or torch_device.index or self._offload_gpu_id or 0
File "C:\Users\claud\AppData\Roaming\Python\Python310\site-packages\diffusers\configuration_utils.py", line 137, in getattr
raise AttributeError(f"'{type(self).name}' object has no attribute '{name}'")
AttributeError: 'StableDiffusionPipeline' object has no attribute '_offload_gpu_id'
Location: C:\Program Files\Blender Foundation\Blender 3.6\3.6\scripts\modules\bpy\ops.py:113

Error: Python: Traceback (most recent call last):
File "C:\Users\claud\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init_.py", line 3191, in execute
sequencer.generate_image()
File "C:\Program Files\Blender Foundation\Blender 3.6\3.6\scripts\modules\bpy\ops.py", line 113, in call
ret = op_call(self.idname_py(), None, kw)
RuntimeError: Error: Python: Traceback (most recent call last):
File "C:\Users\claud\AppData\Roaming\Blender Foundation\Blender\3.6\scripts\addons\Pallaidium-main_init
.py", line 2638, in execute
pipe.enable_model_cpu_offload()
File "C:\Users\claud\AppData\Roaming\Python\Python310\site-packages\diffusers\pipelines\pipeline_utils.py", line 1363, in enable_model_cpu_offload
self._offload_gpu_id = gpu_id or torch_device.index or self._offload_gpu_id or 0
File "C:\Users\claud\AppData\Roaming\Python\Python310\site-packages\diffusers\configuration_utils.py", line 137, in getattr
raise AttributeError(f"'{type(self).name}' object has no attribute '{name}'")
AttributeError: 'StableDiffusionPipeline' object has no attribute '_offload_gpu_id'
Location: C:\Program Files\Blender Foundation\Blender 3.6\3.6\scripts\modules\bpy\ops.py:113

error on 1.7 version

hi i tryed to update the addon from 1.6 to latest but now i get this error when installing dependencys:

Ensuring: pip
Looking in links: /tmp/tmpiwl2gs5f
Requirement already satisfied: setuptools in ./UPBGE41/4.1/python/lib/python3.10/site-packages (63.2.0)
Requirement already satisfied: pip in ./UPBGE41/4.1/python/lib/python3.10/site-packages (23.3.1)
Requirement already satisfied: pip in ./UPBGE41/4.1/python/lib/python3.10/site-packages (23.3.1)
Requirement already satisfied: transformers in ./UPBGE41/4.1/python/lib/python3.10/site-packages (4.35.2)
Requirement already satisfied: filelock in /home/vuaieo/.local/lib/python3.10/site-packages (from transformers) (3.13.1)
Requirement already satisfied: huggingface-hub<1.0,>=0.16.4 in /home/vuaieo/.local/lib/python3.10/site-packages (from transformers) (0.17.3)
Requirement already satisfied: numpy>=1.17 in ./UPBGE41/4.1/python/lib/python3.10/site-packages (from transformers) (1.23.5)
Requirement already satisfied: packaging>=20.0 in /home/vuaieo/.local/lib/python3.10/site-packages (from transformers) (23.2)
Requirement already satisfied: pyyaml>=5.1 in /home/vuaieo/.local/lib/python3.10/site-packages (from transformers) (6.0.1)
Requirement already satisfied: regex!=2019.12.17 in /home/vuaieo/.local/lib/python3.10/site-packages (from transformers) (2023.10.3)
Requirement already satisfied: requests in /home/vuaieo/.local/lib/python3.10/site-packages (from transformers) (2.31.0)
Requirement already satisfied: tokenizers<0.19,>=0.14 in /home/vuaieo/.local/lib/python3.10/site-packages (from transformers) (0.14.1)
Requirement already satisfied: safetensors>=0.3.1 in /home/vuaieo/.local/lib/python3.10/site-packages (from transformers) (0.4.0)
Requirement already satisfied: tqdm>=4.27 in /home/vuaieo/.local/lib/python3.10/site-packages (from transformers) (4.66.1)
Requirement already satisfied: fsspec in /home/vuaieo/.local/lib/python3.10/site-packages (from huggingface-hub<1.0,>=0.16.4->transformers) (2023.10.0)
Requirement already satisfied: typing-extensions>=3.7.4.3 in /home/vuaieo/.local/lib/python3.10/site-packages (from huggingface-hub<1.0,>=0.16.4->transformers) (4.8.0)
Requirement already satisfied: charset-normalizer<4,>=2 in ./UPBGE41/4.1/python/lib/python3.10/site-packages (from requests->transformers) (2.0.10)
Requirement already satisfied: idna<4,>=2.5 in ./UPBGE41/4.1/python/lib/python3.10/site-packages (from requests->transformers) (3.3)
Requirement already satisfied: urllib3<3,>=1.21.1 in ./UPBGE41/4.1/python/lib/python3.10/site-packages (from requests->transformers) (1.26.8)
Requirement already satisfied: certifi>=2017.4.17 in ./UPBGE41/4.1/python/lib/python3.10/site-packages (from requests->transformers) (2021.10.8)
Traceback (most recent call last):
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/utils/import_utils.py", line 1345, in _get_module
File "/home/vuaieo/Desktop/UPBGE41/4.1/python/lib/python3.10/importlib/init.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
File "", line 1050, in _gcd_import
File "", line 1027, in _find_and_load
File "", line 992, in _find_and_load_unlocked
File "", line 241, in _call_with_frames_removed
File "", line 1050, in _gcd_import
File "", line 1027, in _find_and_load
File "", line 1004, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'transformers.models'

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.1/scripts/addons/Pallaidium-main/init.py", line 808, in execute
install_modules(self)
File "/home/vuaieo/.config/upbge/4.1/scripts/addons/Pallaidium-main/init.py", line 642, in install_modules
import_module(self, "bark", "git+https://github.com/suno-ai/bark.git")
File "/home/vuaieo/.config/upbge/4.1/scripts/addons/Pallaidium-main/init.py", line 535, in import_module
exec("import " + module)
File "", line 1, in
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/init.py", line 1, in
from .api import generate_audio, text_to_semantic, semantic_to_waveform, save_as_prompt
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/api.py", line 5, in
from .generation import codec_decode, generate_coarse, generate_fine, generate_text_semantic
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/generation.py", line 14, in
from transformers import BertTokenizer
File "", line 1075, in _handle_fromlist
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/utils/import_utils.py", line 1335, in getattr
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/utils/import_utils.py", line 1347, in _get_module
RuntimeError: Failed to import transformers.models.bert because of the following error (look up to see its traceback):
No module named 'transformers.models'
Error: Python: Traceback (most recent call last):
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/utils/import_utils.py", line 1345, in _get_module
File "/home/vuaieo/Desktop/UPBGE41/4.1/python/lib/python3.10/importlib/init.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
File "", line 1050, in _gcd_import
File "", line 1027, in _find_and_load
File "", line 992, in _find_and_load_unlocked
File "", line 241, in _call_with_frames_removed
File "", line 1050, in _gcd_import
File "", line 1027, in _find_and_load
File "", line 1004, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'transformers.models'

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
File "/home/vuaieo/.config/upbge/4.1/scripts/addons/Pallaidium-main/init.py", line 535, in import_module
exec("import " + module)
File "", line 1, in
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/init.py", line 1, in
from .api import generate_audio, text_to_semantic, semantic_to_waveform, save_as_prompt
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/api.py", line 5, in
from .generation import codec_decode, generate_coarse, generate_fine, generate_text_semantic
File "/home/vuaieo/.local/lib/python3.10/site-packages/bark/generation.py", line 14, in
from transformers import BertTokenizer
File "", line 1075, in _handle_fromlist
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/utils/import_utils.py", line 1335, in getattr
File "/home/vuaieo/.local/lib/python3.10/site-packages/transformers/utils/import_utils.py", line 1347, in _get_module
RuntimeError: Failed to import transformers.models.bert because of the following error (look up to see its traceback):
No module named 'transformers.models'

why i always unlucky... i now broke the it completely because the audioldm2 doesnt work anymore too T___T

error when installing dependencies

  1. hi i installed git but not sure what you mean with PATH, rthen i started blender as administrator and clicked on install dependecys and this error came:

Traceback (most recent call last):
File "C:\Users\vuaieo\AppData\Roaming\UPBGE\Blender\3.6\scripts\addons\Generative_AI-main_init_.py", line 516, in execute
install_modules(self)
File "C:\Users\vuaieo\AppData\Roaming\UPBGE\Blender\3.6\scripts\addons\Generative_AI-main_init_.py", line 330, in install_modules
subprocess.check_call([pybin,"-m","pip","install","numpy","--upgrade"])
File "C:\Users\vuaieo\Desktop\upbge-0.36-windows-x86_64\3.6\python\lib\subprocess.py", line 369, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['C:\Users\vuaieo\Desktop\upbge-0.36-windows-x86_64\3.6\python\bin\python.exe', '-m', 'pip', 'install', 'numpy', '--upgrade']' returned non-zero exit status 1.
Info: Installing: bark module.
Info: Installing: xformers module.
Info: Installing: imageio module.
Info: Installing: imwatermark module.
Error: Python: Traceback (most recent call last):
File "C:\Users\vuaieo\AppData\Roaming\UPBGE\Blender\3.6\scripts\addons\Generative_AI-main_init_.py", line 516, in execute
install_modules(self)
File "C:\Users\vuaieo\AppData\Roaming\UPBGE\Blender\3.6\scripts\addons\Generative_AI-main_init_.py", line 330, in install_modules
subprocess.check_call([pybin,"-m","pip","install","numpy","--upgrade"])
File "C:\Users\vuaieo\Desktop\upbge-0.36-windows-x86_64\3.6\python\lib\subprocess.py", line 369, in check_call
raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['C:\Users\vuaieo\Desktop\upbge-0.36-windows-x86_64\3.6\python\bin\python.exe', '-m', 'pip', 'install', 'numpy', '--upgrade']' returned non-zero exit status 1.

  1. there was some conflict with the deepbump addon so i removed it and then i was able start install dependencies

  2. well but looks like i was able finaly to generate sound with bark : )

'Context' object has no attribute 'temp_override' location: <unknown location>:-1

Hello, thank you so much for your great Blender add-on, however I've got this error at the first generating on Blender 3.0.0.

location: :-1 Error: Python: Traceback (most recent call last): File "C:\Users\***\AppData\Roaming\Blender Foundation\Blender\3.0\scripts\addons\Generative_AI-main\__init__.py", line 601, in execute with context.temp_override(window=window, area=area): AttributeError: 'Context' object has no attribute 'temp_override'

location: :-1

Install dependencies has finished but it got this 1 error message.
Error, region type 2 missing in - name:"Sequencer", id:8

Do you have any idea how to fix this?

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.