What about LlaVa may I use it in your gr app, is it available for batch i want to compare with gpt4
What about LlaVa may I use it in your gr app, is it available for batch i want to compare with gpt4 captions and train both

ozen and whisper is working fine. Do you expect Tortoise TTS to fail or were you even expecting ozen to fail?Start DLAS.cmd step, sadly:loss_text_ce values going down by 0.1 per every 800 iterations. I have loss_text_ce: 1.4474e+00, loss_mel_ce: 3.7375e-02, and loss_gpt_total: 5.1849e-02.python -c "import torch; print(torch.cuda.is_available())"ozenozenStart DLAS.cmdconda activate DLAS
...
pip install transformers==4.28.1Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
torch.cuda.OutOfMemoryError: CUDA out of memory. Tried to allocate 196.00 MiB (GPU 0; 11.99 GiB total capacity; 10.44 GiB already allocated; 0 bytes free; 11.10 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_CONFloss_text_celoss_text_ce: 1.4474e+00loss_mel_ce: 3.7375e-02loss_gpt_total: 5.1849e-02(venv) C:\Users\username\Desktop\tortoise\tortoise-tts-fast\scripts>python tortoise_tts.py --preset fast --ar_checkpoint "C:\Users\username\Desktop\tortoise\DL-Art-School\experiments\voice-dlas\models\5000_gpt.pth" "Welcome to the software engineering courses channel."
Traceback (most recent call last):
File "C:\Users\username\Desktop\tortoise\tortoise-tts-fast\scripts\tortoise_tts.py", line 240, in <module>
from tortoise.inference import (
File "C:\Users\username\Desktop\tortoise\tortoise-tts-fast\tortoise\inference.py", line 167, in <module>
vfixer = VoiceFixer()
File "C:\Users\username\Desktop\tortoise\tortoise-tts-fast\venv\lib\site-packages\voicefixer\base.py", line 13, in __init__
self._model = voicefixer_fe(channels=2, sample_rate=44100)
File "C:\Users\username\Desktop\tortoise\tortoise-tts-fast\venv\lib\site-packages\voicefixer\restorer\model.py", line 180, in __init__
self.vocoder = Vocoder(sample_rate=44100)
File "C:\Users\username\Desktop\tortoise\tortoise-tts-fast\venv\lib\site-packages\voicefixer\vocoder\base.py", line 19, in __init__
self._load_pretrain(Config.ckpt)
File "C:\Users\username\Desktop\tortoise\tortoise-tts-fast\venv\lib\site-packages\voicefixer\vocoder\base.py", line 25, in _load_pretrain
self.model = Generator(Config.cin_channels)
File "C:\Users\username\Desktop\tortoise\tortoise-tts-fast\venv\lib\site-packages\voicefixer\vocoder\model\generator.py", line 34, in __init__
nn.utils.parametrizations.weight_norm(
AttributeError: module 'torch.nn.utils.parametrizations' has no attribute 'weight_norm'python -c "import torch; print(torch.__version__)"
1.13.1+cu117torch==1.13.1 ; python_version >= "3.8" and python_full_version != "3.9.7" and python_version < "3.12" \
hashes
torchaudio==0.13.1 ; python_version >= "3.8" and python_full_version != "3.9.7" and python_version < "3.12" \
hashes
torchdiffeq==0.2.3 ; python_version >= "3.8" and python_version < "3.12" and python_full_version != "3.9.7" \
hashes
torchlibrosa==0.0.7 ; python_version >= "3.8" and python_full_version != "3.9.7" and python_version < "3.12" \
hashes
torchsde==0.2.5 ; python_version >= "3.8" and python_version < "3.12" and python_full_version != "3.9.7" \
hashes
torchvision==0.14.1 ; python_version >= "3.8" and python_full_version != "3.9.7" and python_version < "3.12" \
hashespython -c "import torch; print(torch.cuda.is_available())"pip3 install torch==1.13.1 torchvision torchaudio --index-url https://download.pytorch.org/whl/cu117