You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
import torch
import transformer_engine.pytorch as te
from transformer_engine.common import recipe
# Set dimensions.
in_features = 768
out_features = 3072
hidden_size = 2048
print("Initialization Complete!")
# Initialize model and inputs.
model = te.Linear(in_features, out_features, bias=True)
inp = torch.randn(hidden_size, in_features, device="cuda")
# Create an FP8 recipe. Note: All input args are optional.
fp8_recipe = recipe.DelayedScaling(margin=0, fp8_format=recipe.Format.E4M3)
# Enable autocasting for the forward pass
with te.fp8_autocast(enabled=True, fp8_recipe=fp8_recipe):
out = model(inp)
loss = out.sum()
loss.backward()
print("Done!!")
I am trying to use fp8 for an experiment purpose . I installed all the necessary packages according to Nvidia's instruction. But got this issues.
assert fp8_available, reason_for_no_fp8
AssertionError: Device compute capability 8.9 or higher required for FP8 execution.
In my machine I am using NVIDIA GeForce RTX 3090. And it contains nvidia-smi --query-gpu=compute_cap --format=csv
compute_cap
8.6
Is it possible to use fp8 on 3090 GPU?
The text was updated successfully, but these errors were encountered:
I am trying to use fp8 for an experiment purpose . I installed all the necessary packages according to Nvidia's instruction. But got this issues.
In my machine I am using NVIDIA GeForce RTX 3090. And it contains nvidia-smi --query-gpu=compute_cap --format=csv
compute_cap
8.6
Is it possible to use fp8 on 3090 GPU?
The text was updated successfully, but these errors were encountered: