shap-e icon indicating copy to clipboard operation
shap-e copied to clipboard

Stops at 0% at iteration.

Open DutchMaxwell opened this issue 1 year ago • 11 comments

Running fine until starting with generating the iterations. No progress anymore. Bildschirmfoto 2023-05-05 um 13 55 45

DutchMaxwell avatar May 05 '23 11:05 DutchMaxwell

I have the same problem.

Ceterminateniya avatar May 05 '23 17:05 Ceterminateniya

I was able to bypass the denoising by setting use_karras=False, but now I have this: Bildschirmfoto 2023-05-05 um 19 49 11

DutchMaxwell avatar May 05 '23 17:05 DutchMaxwell

Same issue... Screenshot 2023-05-05 at 1 28 47 PM

0xunderl0rd avatar May 05 '23 18:05 0xunderl0rd

i was able to fix this by changing the runtime type to use a gpu on google colab, for what its worth

blackhatma avatar May 05 '23 21:05 blackhatma

I had the same issue I and resolved it: it seems there were multiple possible conflicts. I had to make sure the CUDA version is the same as suggested on https://pytorch.org/get-started/locally/ furthermore make sure to uninstall any existing torch versions

pip uninstall torch

and re-do the local installation steps from the url before in my case I was on windows running cuda 11.8 (archive)

pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu118

edit: a little helper. you have to see CUDA in the output or it will keep in stuck state. test.py


import torch

# Check if PyTorch is using the GPU
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
print(f"PyTorch is using: {device}")

# Print PyTorch version
print(f"PyTorch version: {torch.__version__}")

# Test a simple PyTorch tensor operation on the GPU
x = torch.tensor([2.0, 3.0], device=device)
y = torch.tensor([4.0, 5.0], device=device)
result = x * y
print(f"Result of tensor operation: {result}")

moo-the-cow avatar May 06 '23 06:05 moo-the-cow

i was able to fix this by changing the runtime type to use a gpu on google colab, for what its worth

This work fine. Yes.

DutchMaxwell avatar May 06 '23 17:05 DutchMaxwell

I had the same issue I and resolved it: it seems there were multiple possible conflicts. I had to make sure the CUDA version is the same as suggested on https://pytorch.org/get-started/locally/ furthermore make sure to uninstall any existing torch versions

pip uninstall torch

and re-do the local installation steps from the url before in my case I was on windows running cuda 11.8 (archive)

pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu118

edit: a little helper. you have to see CUDA in the output or it will keep in stuck state. test.py


import torch

# Check if PyTorch is using the GPU
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
print(f"PyTorch is using: {device}")

# Print PyTorch version
print(f"PyTorch version: {torch.__version__}")

# Test a simple PyTorch tensor operation on the GPU
x = torch.tensor([2.0, 3.0], device=device)
y = torch.tensor([4.0, 5.0], device=device)
result = x * y
print(f"Result of tensor operation: {result}")

No CUDA for Mac. :(

DutchMaxwell avatar May 06 '23 17:05 DutchMaxwell

resolved. thanks @moo-the-cow

before

test.py

PyTorch is using: cpu PyTorch version: 2.0.0+cpu Result of tensor operation: tensor([ 8., 15.])

What I did.

pip uninstall torch

pip3 install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu117

after

test.py

PyTorch is using: cuda PyTorch version: 2.0.0+cu117 Result of tensor operation: tensor([ 8., 15.], device='cuda:0')

ultmedi45 avatar May 07 '23 07:05 ultmedi45

PyTorch version: 2.0.0+cu117

specifically 117?

Natotela avatar May 10 '23 15:05 Natotela

@Natotela

by the way, any chance to run this on 8GB VRAM??

Maybe lowering the batch size will help, eg. batch_size = 1?

Kabanosk avatar May 10 '23 15:05 Kabanosk

@Natotela in my case I used cu118 maybe higher versions will also work, but I wanted to stick to the documentation guide

moo-the-cow avatar May 11 '23 20:05 moo-the-cow