PyTorch ResNet50 Training Guide
PyTorch ResNet50 Training Guide
December 1, 2024
model = torchvision.models.resnet50()
transforms = model_weights.transforms()
# Setup model
model = torchvision.models.resnet50(weights=model_weights)
↪get)")
print(f"Model transforms:\n{transforms}")
Downloading: "https://download.pytorch.org/models/resnet50-11ad3fa6.pth" to
/root/.cache/torch/hub/checkpoints/resnet50-11ad3fa6.pth
100%|����������| 97.8M/97.8M [00:00<00:00, 143MB/s]
1
Total parameters of model: 25557032 (the more parameters, the more GPU memory
the model will use, the more *relative* of a speedup you'll get)
Model transforms:
ImageClassification(
crop_size=[224]
resize_size=[232]
mean=[0.485, 0.456, 0.406]
std=[0.229, 0.224, 0.225]
interpolation=InterpolationMode.BILINEAR
)
"""
model_weights = torchvision.models.ResNet50_Weights.IMAGENET1K_V2
transforms = model_weights.transforms()
model = torchvision.models.resnet50(weights=model_weights)
# Adjust the number of output features in model to match the number of␣
↪classes in the dataset
model.fc = torch.nn.Linear(in_features=2048,
out_features=num_classes)
return model, transforms
[7]: BATCH_SIZE = 32
# IMAGE_SIZE = 128
test_dataset = torchvision.datasets.CIFAR10(root='.',
train=False, # want the test split
download=True,
transform=transforms)
2
test_len = len(test_dataset)
Downloading https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz to
./cifar-10-python.tar.gz
100%|����������| 170498071/170498071 [00:05<00:00, 29084790.35it/s]
Extracting ./cifar-10-python.tar.gz to .
Files already downloaded and verified
[INFO] Train dataset length: 50000
[INFO] Test dataset length: 10000
train_dataloader = DataLoader(dataset=train_dataset,
batch_size=BATCH_SIZE,
shuffle=True,
num_workers=NUM_WORKERS)
test_dataloader = DataLoader(dataset=test_dataset,
batch_size=BATCH_SIZE,
shuffle=False,
num_workers=NUM_WORKERS)
# Print details
print(f"Train dataloader length: {len(train_dataloader)} batches of size␣
↪{BATCH_SIZE}")
3
def train_step(epoch: int,
model: torch.nn.Module,
dataloader: torch.utils.data.DataLoader,
loss_fn: torch.nn.Module,
optimizer: torch.optim.Optimizer,
device: torch.device,
disable_progress_bar: bool = False) -> Tuple[float, float]:
"""Trains a PyTorch model for a single epoch.
Args:
model: A PyTorch model to be trained.
dataloader: A DataLoader instance for the model to be trained on.
loss_fn: A PyTorch loss function to minimize.
optimizer: A PyTorch optimizer to help minimize the loss function.
device: A target device to compute on (e.g. "cuda" or "cpu").
Returns:
A tuple of training loss and training accuracy metrics.
In the form (train_loss, train_accuracy). For example:
(0.1112, 0.8743)
"""
# Put model in train mode
model.train()
# 1. Forward pass
y_pred = model(X)
4
# 2. Calculate and accumulate loss
loss = loss_fn(y_pred, y)
train_loss += loss.item()
# 4. Loss backward
loss.backward()
# 5. Optimizer step
optimizer.step()
Args:
model: A PyTorch model to be tested.
dataloader: A DataLoader instance for the model to be tested on.
loss_fn: A PyTorch loss function to calculate loss on the test data.
5
device: A target device to compute on (e.g. "cuda" or "cpu").
Returns:
A tuple of testing loss and testing accuracy metrics.
In the form (test_loss, test_accuracy). For example:
(0.0223, 0.8985)
"""
# Put model in eval mode
model.eval()
↪case
# 1. Forward pass
test_pred_logits = model(X)
6
"test_acc": test_acc / (batch + 1),
}
)
Args:
model: A PyTorch model to be trained and tested.
train_dataloader: A DataLoader instance for the model to be trained on.
test_dataloader: A DataLoader instance for the model to be tested on.
optimizer: A PyTorch optimizer to help minimize the loss function.
loss_fn: A PyTorch loss function to calculate loss on both datasets.
epochs: An integer indicating how many epochs to train for.
device: A target device to compute on (e.g. "cuda" or "cpu").
Returns:
A dictionary of training and testing loss as well as training and
testing accuracy metrics. Each metric has a value in a list for
each epoch.
In the form: {train_loss: [...],
train_acc: [...],
test_loss: [...],
test_acc: [...]}
For example if training for epochs=2:
{train_loss: [2.0616, 1.0537],
train_acc: [0.3945, 0.3945],
test_loss: [1.2641, 1.5706],
test_acc: [0.3400, 0.2973]}
7
"""
# Create empty results dictionary
results = {"train_loss": [],
"train_acc": [],
"test_loss": [],
"test_acc": [],
"train_epoch_time": [],
"test_epoch_time": []
}
train_epoch_end_time = time.time()
train_epoch_time = train_epoch_end_time - train_epoch_start_time
8
# Update results dictionary
results["train_loss"].append(train_loss)
results["train_acc"].append(train_acc)
results["test_loss"].append(test_loss)
results["test_acc"].append(test_acc)
results["train_epoch_time"].append(train_epoch_time)
results["test_epoch_time"].append(test_epoch_time)
# Set the learning rate as a constant (this can be changed to get better␣
↪results but for now we're just focused on time)
LEARNING_RATE = 0.003
9
test_acc: 0.7462 | train_epoch_time: 277.8545 | test_epoch_time: 19.1254
Training Epoch 2: 0%| | 0/1563 [00:00<?, ?it/s]
Testing Epoch 2: 0%| | 0/313 [00:00<?, ?it/s]
Epoch: 3 | train_loss: 0.5976 | train_acc: 0.7936 | test_loss: 0.5833 |
test_acc: 0.8000 | train_epoch_time: 278.0484 | test_epoch_time: 19.2897
Training Epoch 3: 0%| | 0/1563 [00:00<?, ?it/s]
Testing Epoch 3: 0%| | 0/313 [00:00<?, ?it/s]
Epoch: 4 | train_loss: 0.4626 | train_acc: 0.8391 | test_loss: 0.5080 |
test_acc: 0.8276 | train_epoch_time: 278.0358 | test_epoch_time: 19.2620
Training Epoch 4: 0%| | 0/1563 [00:00<?, ?it/s]
Testing Epoch 4: 0%| | 0/313 [00:00<?, ?it/s]
Epoch: 5 | train_loss: 0.3628 | train_acc: 0.8744 | test_loss: 0.5503 |
test_acc: 0.8149 | train_epoch_time: 277.7094 | test_epoch_time: 19.0795
compile_end_time = time.time()
compile_time = compile_end_time - compile_start_time
10
print(f"Time to compile: {compile_time} | Note: The first time you compile your␣
↪model, the first few epochs will be slower than subsequent runs.")
Time to compile: 0.008243560791015625 | Note: The first time you compile your
model, the first few epochs will be slower than subsequent runs.
0%| | 0/5 [00:00<?, ?it/s]
Training Epoch 0: 0%| | 0/1563 [00:00<?, ?it/s]
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] WON'T
CONVERT forward /opt/conda/lib/python3.10/site-
packages/torchvision/models/resnet.py line 284
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] due
to:
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
Traceback (most recent call last):
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 948, in __call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
result = self._inner_convert(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 472, in __call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return _compile(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_utils_internal.py", line
84, in wrapper_function
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return StrobelightCompileTimeProfiler.profile_compile_time(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_strobelight/compile_time_profiler.py", line 129, in
profile_compile_time
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
11
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 817, in _compile
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
guarded_code = compile_inner(code, one_graph, hooks, transform)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 636, in compile_inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
out_code = transform_code_object(code, transform)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/bytecode_transformation.py", line 1185, in
transform_code_object
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
transformations(instructions, code_options)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 178, in _fn
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 582, in transform
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
tracer.run()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2451, in run
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
super().run()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 893, in run
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
while self.step():
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 805, in step
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.dispatch_table[inst.opcode](self, inst)
12
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2642, in RETURN_VALUE
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._return(inst)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2627, in _return
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.output.compile_subgraph(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1098, in compile_subgraph
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.compile_and_call_fx_graph(tx, list(reversed(stack_values)), root)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1318, in compile_and_call_fx_graph
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = self.call_user_compiler(gm)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1409, in call_user_compiler
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise BackendCompilerFailed(self.compiler_fn, e).with_traceback(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1390, in call_user_compiler
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = compiler_fn(gm, self.example_inputs())
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/repro/after_dynamo.py", line 129, in __call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_gm = compiler_fn(gm, example_inputs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/__init__.py", line 1951, in
__call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
13
return compile_fx(model_, inputs_, config_patches=self.config)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1505, in compile_fx
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return aot_autograd(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/backends/common.py",
line 69, in __call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
cg = aot_module_simplified(gm, example_inputs, **self.kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 954, in aot_module_simplified
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, _ = create_aot_dispatcher_function(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 687, in create_aot_dispatcher_function
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, fw_metadata = compiler_fn(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_functorch/_aot_autograd/jit_compile_runtime_wrappers.py", line
461, in aot_dispatch_autograd
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fw_func = aot_config.fw_compiler(fw_module, adjusted_flat_args)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1410, in fw_compiler_base
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return inner_compile(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/repro/after_aot.py",
14
line 84, in debug_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
inner_compiled_fn = compiler_fn(gm, example_inputs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/debug.py", line
304, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 527, in compile_fx_inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_graph = fx_codegen_and_compile(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 831, in fx_codegen_and_compile
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = graph.compile_to_fn()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1749, in compile_to_fn
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return self.compile_to_module().call
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1678, in compile_to_module
15
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.codegen_with_cpp_wrapper() if self.cpp_wrapper else self.codegen()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1634, in codegen
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.scheduler = Scheduler(self.buffers)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in __init__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in <listcomp>
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1462, in create_scheduler_node
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return SchedulerNode(self, node)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 731, in __init__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._compute_attrs()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 742, in _compute_attrs
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
group_fn = self.scheduler.get_backend(self.node.get_device()).group_fn
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2663, in get_backend
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.backends[device] = self.create_backend(device)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2651, in create_backend
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise RuntimeError(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
16
torch._dynamo.exc.BackendCompilerFailed: backend='inductor' raised:
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
RuntimeError: Found Tesla P100-PCIE-16GB which is too old to be supported by the
triton GPU compiler, which is used as the backend. Triton only supports devices
of CUDA Capability >= 7.0, but your device is of CUDA capability 6.0
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] Set
TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
Traceback (most recent call last):
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 948, in __call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
result = self._inner_convert(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 472, in __call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return _compile(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_utils_internal.py", line
84, in wrapper_function
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return StrobelightCompileTimeProfiler.profile_compile_time(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_strobelight/compile_time_profiler.py", line 129, in
profile_compile_time
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 817, in _compile
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
guarded_code = compile_inner(code, one_graph, hooks, transform)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
17
line 636, in compile_inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
out_code = transform_code_object(code, transform)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/bytecode_transformation.py", line 1185, in
transform_code_object
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
transformations(instructions, code_options)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 178, in _fn
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 582, in transform
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
tracer.run()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2451, in run
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
super().run()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 893, in run
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
while self.step():
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 805, in step
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.dispatch_table[inst.opcode](self, inst)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2642, in RETURN_VALUE
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._return(inst)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2627, in _return
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.output.compile_subgraph(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1098, in compile_subgraph
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
18
self.compile_and_call_fx_graph(tx, list(reversed(stack_values)), root)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1318, in compile_and_call_fx_graph
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = self.call_user_compiler(gm)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1409, in call_user_compiler
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise BackendCompilerFailed(self.compiler_fn, e).with_traceback(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1390, in call_user_compiler
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = compiler_fn(gm, self.example_inputs())
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/repro/after_dynamo.py", line 129, in __call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_gm = compiler_fn(gm, example_inputs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/__init__.py", line 1951, in
__call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return compile_fx(model_, inputs_, config_patches=self.config)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1505, in compile_fx
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return aot_autograd(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/backends/common.py",
line 69, in __call__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
19
cg = aot_module_simplified(gm, example_inputs, **self.kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 954, in aot_module_simplified
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, _ = create_aot_dispatcher_function(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 687, in create_aot_dispatcher_function
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, fw_metadata = compiler_fn(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_functorch/_aot_autograd/jit_compile_runtime_wrappers.py", line
461, in aot_dispatch_autograd
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fw_func = aot_config.fw_compiler(fw_module, adjusted_flat_args)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1410, in fw_compiler_base
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return inner_compile(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/repro/after_aot.py",
line 84, in debug_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
inner_compiled_fn = compiler_fn(gm, example_inputs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/debug.py", line
304, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
20
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 527, in compile_fx_inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_graph = fx_codegen_and_compile(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 831, in fx_codegen_and_compile
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = graph.compile_to_fn()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1749, in compile_to_fn
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return self.compile_to_module().call
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1678, in compile_to_module
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.codegen_with_cpp_wrapper() if self.cpp_wrapper else self.codegen()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1634, in codegen
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.scheduler = Scheduler(self.buffers)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
21
line 1364, in __init__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in <listcomp>
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1462, in create_scheduler_node
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return SchedulerNode(self, node)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 731, in __init__
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._compute_attrs()
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 742, in _compute_attrs
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
group_fn = self.scheduler.get_backend(self.node.get_device()).group_fn
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2663, in get_backend
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.backends[device] = self.create_backend(device)
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2651, in create_backend
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise RuntimeError(
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
torch._dynamo.exc.BackendCompilerFailed: backend='inductor' raised:
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
RuntimeError: Found Tesla P100-PCIE-16GB which is too old to be supported by the
triton GPU compiler, which is used as the backend. Triton only supports devices
of CUDA Capability >= 7.0, but your device is of CUDA capability 6.0
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009] Set
TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
W1009 10:17:50.416000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] WON'T
CONVERT _forward_impl /opt/conda/lib/python3.10/site-
packages/torchvision/models/resnet.py line 266
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] due
to:
22
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
Traceback (most recent call last):
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 948, in __call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
result = self._inner_convert(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 472, in __call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return _compile(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_utils_internal.py", line
84, in wrapper_function
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return StrobelightCompileTimeProfiler.profile_compile_time(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_strobelight/compile_time_profiler.py", line 129, in
profile_compile_time
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 817, in _compile
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
guarded_code = compile_inner(code, one_graph, hooks, transform)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 636, in compile_inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
out_code = transform_code_object(code, transform)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/bytecode_transformation.py", line 1185, in
transform_code_object
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
transformations(instructions, code_options)
23
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 178, in _fn
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 582, in transform
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
tracer.run()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2451, in run
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
super().run()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 893, in run
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
while self.step():
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 805, in step
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.dispatch_table[inst.opcode](self, inst)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2642, in RETURN_VALUE
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._return(inst)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2627, in _return
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.output.compile_subgraph(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1098, in compile_subgraph
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.compile_and_call_fx_graph(tx, list(reversed(stack_values)), root)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1318, in compile_and_call_fx_graph
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
24
compiled_fn = self.call_user_compiler(gm)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1409, in call_user_compiler
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise BackendCompilerFailed(self.compiler_fn, e).with_traceback(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1390, in call_user_compiler
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = compiler_fn(gm, self.example_inputs())
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/repro/after_dynamo.py", line 129, in __call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_gm = compiler_fn(gm, example_inputs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/__init__.py", line 1951, in
__call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return compile_fx(model_, inputs_, config_patches=self.config)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1505, in compile_fx
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return aot_autograd(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/backends/common.py",
line 69, in __call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
cg = aot_module_simplified(gm, example_inputs, **self.kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 954, in aot_module_simplified
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, _ = create_aot_dispatcher_function(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
25
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 687, in create_aot_dispatcher_function
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, fw_metadata = compiler_fn(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_functorch/_aot_autograd/jit_compile_runtime_wrappers.py", line
461, in aot_dispatch_autograd
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fw_func = aot_config.fw_compiler(fw_module, adjusted_flat_args)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1410, in fw_compiler_base
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return inner_compile(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/repro/after_aot.py",
line 84, in debug_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
inner_compiled_fn = compiler_fn(gm, example_inputs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/debug.py", line
304, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
26
line 527, in compile_fx_inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_graph = fx_codegen_and_compile(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 831, in fx_codegen_and_compile
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = graph.compile_to_fn()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1749, in compile_to_fn
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return self.compile_to_module().call
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1678, in compile_to_module
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.codegen_with_cpp_wrapper() if self.cpp_wrapper else self.codegen()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1634, in codegen
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.scheduler = Scheduler(self.buffers)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in __init__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in <listcomp>
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
27
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1462, in create_scheduler_node
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return SchedulerNode(self, node)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 731, in __init__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._compute_attrs()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 742, in _compute_attrs
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
group_fn = self.scheduler.get_backend(self.node.get_device()).group_fn
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2663, in get_backend
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.backends[device] = self.create_backend(device)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2651, in create_backend
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise RuntimeError(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
torch._dynamo.exc.BackendCompilerFailed: backend='inductor' raised:
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
RuntimeError: Found Tesla P100-PCIE-16GB which is too old to be supported by the
triton GPU compiler, which is used as the backend. Triton only supports devices
of CUDA Capability >= 7.0, but your device is of CUDA capability 6.0
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] Set
TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
Traceback (most recent call last):
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 948, in __call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
result = self._inner_convert(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 472, in __call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return _compile(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_utils_internal.py", line
28
84, in wrapper_function
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return StrobelightCompileTimeProfiler.profile_compile_time(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_strobelight/compile_time_profiler.py", line 129, in
profile_compile_time
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 817, in _compile
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
guarded_code = compile_inner(code, one_graph, hooks, transform)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 636, in compile_inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
out_code = transform_code_object(code, transform)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/bytecode_transformation.py", line 1185, in
transform_code_object
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
transformations(instructions, code_options)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 178, in _fn
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 582, in transform
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
tracer.run()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2451, in run
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
29
super().run()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 893, in run
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
while self.step():
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 805, in step
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.dispatch_table[inst.opcode](self, inst)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2642, in RETURN_VALUE
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._return(inst)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2627, in _return
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.output.compile_subgraph(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1098, in compile_subgraph
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.compile_and_call_fx_graph(tx, list(reversed(stack_values)), root)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1318, in compile_and_call_fx_graph
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = self.call_user_compiler(gm)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1409, in call_user_compiler
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise BackendCompilerFailed(self.compiler_fn, e).with_traceback(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1390, in call_user_compiler
30
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = compiler_fn(gm, self.example_inputs())
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/repro/after_dynamo.py", line 129, in __call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_gm = compiler_fn(gm, example_inputs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/__init__.py", line 1951, in
__call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return compile_fx(model_, inputs_, config_patches=self.config)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1505, in compile_fx
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return aot_autograd(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/backends/common.py",
line 69, in __call__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
cg = aot_module_simplified(gm, example_inputs, **self.kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 954, in aot_module_simplified
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, _ = create_aot_dispatcher_function(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 687, in create_aot_dispatcher_function
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, fw_metadata = compiler_fn(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_functorch/_aot_autograd/jit_compile_runtime_wrappers.py", line
461, in aot_dispatch_autograd
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fw_func = aot_config.fw_compiler(fw_module, adjusted_flat_args)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
31
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1410, in fw_compiler_base
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return inner_compile(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/repro/after_aot.py",
line 84, in debug_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
inner_compiled_fn = compiler_fn(gm, example_inputs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/debug.py", line
304, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 527, in compile_fx_inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_graph = fx_codegen_and_compile(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 831, in fx_codegen_and_compile
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = graph.compile_to_fn()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
32
1749, in compile_to_fn
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return self.compile_to_module().call
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1678, in compile_to_module
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.codegen_with_cpp_wrapper() if self.cpp_wrapper else self.codegen()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1634, in codegen
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.scheduler = Scheduler(self.buffers)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in __init__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in <listcomp>
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1462, in create_scheduler_node
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return SchedulerNode(self, node)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 731, in __init__
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._compute_attrs()
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 742, in _compute_attrs
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
group_fn = self.scheduler.get_backend(self.node.get_device()).group_fn
33
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2663, in get_backend
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.backends[device] = self.create_backend(device)
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2651, in create_backend
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise RuntimeError(
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
torch._dynamo.exc.BackendCompilerFailed: backend='inductor' raised:
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
RuntimeError: Found Tesla P100-PCIE-16GB which is too old to be supported by the
triton GPU compiler, which is used as the backend. Triton only supports devices
of CUDA Capability >= 7.0, but your device is of CUDA capability 6.0
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009] Set
TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
W1009 10:18:06.387000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] WON'T
CONVERT forward /opt/conda/lib/python3.10/site-
packages/torchvision/models/resnet.py line 143
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] due
to:
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
Traceback (most recent call last):
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 948, in __call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
result = self._inner_convert(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 472, in __call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return _compile(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_utils_internal.py", line
84, in wrapper_function
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return StrobelightCompileTimeProfiler.profile_compile_time(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_strobelight/compile_time_profiler.py", line 129, in
profile_compile_time
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwargs)
34
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 817, in _compile
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
guarded_code = compile_inner(code, one_graph, hooks, transform)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 636, in compile_inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
out_code = transform_code_object(code, transform)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/bytecode_transformation.py", line 1185, in
transform_code_object
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
transformations(instructions, code_options)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 178, in _fn
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 582, in transform
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
tracer.run()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2451, in run
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
super().run()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 893, in run
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
while self.step():
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 805, in step
35
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.dispatch_table[inst.opcode](self, inst)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2642, in RETURN_VALUE
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._return(inst)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2627, in _return
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.output.compile_subgraph(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1098, in compile_subgraph
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.compile_and_call_fx_graph(tx, list(reversed(stack_values)), root)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1318, in compile_and_call_fx_graph
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = self.call_user_compiler(gm)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1409, in call_user_compiler
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise BackendCompilerFailed(self.compiler_fn, e).with_traceback(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1390, in call_user_compiler
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = compiler_fn(gm, self.example_inputs())
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/repro/after_dynamo.py", line 129, in __call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_gm = compiler_fn(gm, example_inputs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/__init__.py", line 1951, in
36
__call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return compile_fx(model_, inputs_, config_patches=self.config)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1505, in compile_fx
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return aot_autograd(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/backends/common.py",
line 69, in __call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
cg = aot_module_simplified(gm, example_inputs, **self.kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 954, in aot_module_simplified
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, _ = create_aot_dispatcher_function(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 687, in create_aot_dispatcher_function
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, fw_metadata = compiler_fn(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_functorch/_aot_autograd/jit_compile_runtime_wrappers.py", line
461, in aot_dispatch_autograd
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fw_func = aot_config.fw_compiler(fw_module, adjusted_flat_args)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1410, in fw_compiler_base
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return inner_compile(
37
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/repro/after_aot.py",
line 84, in debug_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
inner_compiled_fn = compiler_fn(gm, example_inputs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/debug.py", line
304, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 527, in compile_fx_inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_graph = fx_codegen_and_compile(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 831, in fx_codegen_and_compile
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = graph.compile_to_fn()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1749, in compile_to_fn
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return self.compile_to_module().call
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
38
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1678, in compile_to_module
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.codegen_with_cpp_wrapper() if self.cpp_wrapper else self.codegen()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1634, in codegen
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.scheduler = Scheduler(self.buffers)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in __init__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in <listcomp>
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1462, in create_scheduler_node
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return SchedulerNode(self, node)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 731, in __init__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._compute_attrs()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 742, in _compute_attrs
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
group_fn = self.scheduler.get_backend(self.node.get_device()).group_fn
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2663, in get_backend
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.backends[device] = self.create_backend(device)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2651, in create_backend
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
39
raise RuntimeError(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
torch._dynamo.exc.BackendCompilerFailed: backend='inductor' raised:
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
RuntimeError: Found Tesla P100-PCIE-16GB which is too old to be supported by the
triton GPU compiler, which is used as the backend. Triton only supports devices
of CUDA Capability >= 7.0, but your device is of CUDA capability 6.0
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] Set
TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
Traceback (most recent call last):
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 948, in __call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
result = self._inner_convert(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 472, in __call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return _compile(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_utils_internal.py", line
84, in wrapper_function
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return StrobelightCompileTimeProfiler.profile_compile_time(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_strobelight/compile_time_profiler.py", line 129, in
profile_compile_time
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 817, in _compile
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
guarded_code = compile_inner(code, one_graph, hooks, transform)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
40
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 636, in compile_inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
out_code = transform_code_object(code, transform)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/bytecode_transformation.py", line 1185, in
transform_code_object
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
transformations(instructions, code_options)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 178, in _fn
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/convert_frame.py",
line 582, in transform
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
tracer.run()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2451, in run
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
super().run()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 893, in run
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
while self.step():
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 805, in step
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.dispatch_table[inst.opcode](self, inst)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2642, in RETURN_VALUE
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._return(inst)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/symbolic_convert.py", line 2627, in _return
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.output.compile_subgraph(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
41
line 1098, in compile_subgraph
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.compile_and_call_fx_graph(tx, list(reversed(stack_values)), root)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1318, in compile_and_call_fx_graph
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = self.call_user_compiler(gm)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1409, in call_user_compiler
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise BackendCompilerFailed(self.compiler_fn, e).with_traceback(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/output_graph.py",
line 1390, in call_user_compiler
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = compiler_fn(gm, self.example_inputs())
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_dynamo/repro/after_dynamo.py", line 129, in __call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_gm = compiler_fn(gm, example_inputs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/__init__.py", line 1951, in
__call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return compile_fx(model_, inputs_, config_patches=self.config)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1505, in compile_fx
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return aot_autograd(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/backends/common.py",
42
line 69, in __call__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
cg = aot_module_simplified(gm, example_inputs, **self.kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 954, in aot_module_simplified
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, _ = create_aot_dispatcher_function(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_functorch/aot_autograd.py",
line 687, in create_aot_dispatcher_function
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn, fw_metadata = compiler_fn(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-
packages/torch/_functorch/_aot_autograd/jit_compile_runtime_wrappers.py", line
461, in aot_dispatch_autograd
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fw_func = aot_config.fw_compiler(fw_module, adjusted_flat_args)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 1410, in fw_compiler_base
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return inner_compile(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/repro/after_aot.py",
line 84, in debug_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
inner_compiled_fn = compiler_fn(gm, example_inputs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/debug.py", line
304, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return fn(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
43
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 527, in compile_fx_inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_graph = fx_codegen_and_compile(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/contextlib.py", line 79, in inner
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return func(*args, **kwds)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/compile_fx.py",
line 831, in fx_codegen_and_compile
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
compiled_fn = graph.compile_to_fn()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1749, in compile_to_fn
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return self.compile_to_module().call
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1678, in compile_to_module
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.codegen_with_cpp_wrapper() if self.cpp_wrapper else self.codegen()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/graph.py", line
1634, in codegen
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.scheduler = Scheduler(self.buffers)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_dynamo/utils.py", line 231,
in time_wrapper
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] r
= func(*args, **kwargs)
44
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in __init__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1364, in <listcomp>
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.nodes = [self.create_scheduler_node(n) for n in nodes]
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 1462, in create_scheduler_node
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
return SchedulerNode(self, node)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 731, in __init__
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self._compute_attrs()
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 742, in _compute_attrs
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
group_fn = self.scheduler.get_backend(self.node.get_device()).group_fn
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2663, in get_backend
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
self.backends[device] = self.create_backend(device)
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
File "/opt/conda/lib/python3.10/site-packages/torch/_inductor/scheduler.py",
line 2651, in create_backend
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
raise RuntimeError(
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
torch._dynamo.exc.BackendCompilerFailed: backend='inductor' raised:
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
RuntimeError: Found Tesla P100-PCIE-16GB which is too old to be supported by the
triton GPU compiler, which is used as the backend. Triton only supports devices
of CUDA Capability >= 7.0, but your device is of CUDA capability 6.0
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009] Set
TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
W1009 10:18:07.560000 133648656836416 torch/_dynamo/convert_frame.py:1009]
Testing Epoch 0: 0%| | 0/313 [00:00<?, ?it/s]
Epoch: 1 | train_loss: 1.2649 | train_acc: 0.5410 | test_loss: 0.9524 |
45
test_acc: 0.6595 | train_epoch_time: 312.0904 | test_epoch_time: 19.2846
Training Epoch 1: 0%| | 0/1563 [00:00<?, ?it/s]
Testing Epoch 1: 0%| | 0/313 [00:00<?, ?it/s]
Epoch: 2 | train_loss: 0.7949 | train_acc: 0.7165 | test_loss: 0.8069 |
test_acc: 0.7214 | train_epoch_time: 278.1916 | test_epoch_time: 19.1748
Training Epoch 2: 0%| | 0/1563 [00:00<?, ?it/s]
Testing Epoch 2: 0%| | 0/313 [00:00<?, ?it/s]
Epoch: 3 | train_loss: 0.5798 | train_acc: 0.7983 | test_loss: 0.5997 |
test_acc: 0.7912 | train_epoch_time: 278.1900 | test_epoch_time: 19.2733
Training Epoch 3: 0%| | 0/1563 [00:00<?, ?it/s]
Testing Epoch 3: 0%| | 0/313 [00:00<?, ?it/s]
Epoch: 4 | train_loss: 0.4472 | train_acc: 0.8447 | test_loss: 0.5496 |
test_acc: 0.8170 | train_epoch_time: 278.1507 | test_epoch_time: 19.3345
Training Epoch 4: 0%| | 0/1563 [00:00<?, ?it/s]
Testing Epoch 4: 0%| | 0/313 [00:00<?, ?it/s]
Epoch: 5 | train_loss: 0.3482 | train_acc: 0.8785 | test_loss: 0.4666 |
test_acc: 0.8416 | train_epoch_time: 278.4868 | test_epoch_time: 19.2365
test_epoch_time
0 19.107635
1 19.125370
2 19.289747
3 19.262027
4 19.079486
46
[18]: # Create filename to save the results
DATASET_NAME = "CIFAR10"
MODEL_NAME = "ResNet50"
IMAGE_SIZE = 128
train_epoch_time_diff_percent = (train_epoch_time_diff /␣
↪mean_train_epoch_time) * 100
47
print(f"Mean test epoch time difference:␣
↪{round(test_epoch_time_diff_percent, 3)}% (negative means faster)")
# Create a bar plot of the mean train and test epoch time for both compiled␣
↪and non-compiled models
plt.figure(figsize=(10, 7))
width = 0.3
x_indicies = np.arange(len(mean_results))
↪ {batch_size}")
else:
plt.suptitle("Single run results")
plt.title(f"Epochs: {num_epochs} | Data: {dataset_name} | Model:␣
↪{model_name} | Image size: {image_size} | Batch size: {batch_size}")
plt.legend()
plt.savefig(save_path)
print(f"[INFO] Plot saved to {save_path}")
[20]: plot_mean_epoch_times(non_compiled_results=single_run_no_compile_results_df,
compiled_results=single_run_compile_results_df,
multi_runs=False,
save=True,
save_path="epoch_times_comparison.png")
48
[21]: def create_and_train_non_compiled_model(epochs=NUM_EPOCHS,
learning_rate=LEARNING_RATE,
disable_progress_bar=False):
"""
Create and train a non-compiled PyTorch model.
"""
model, _ = create_model()
model.to(device)
loss_fn = torch.nn.CrossEntropyLoss()
optimizer = torch.optim.Adam(model.parameters(),
lr=learning_rate)
results = train(model=model,
train_dataloader=train_dataloader,
test_dataloader=test_dataloader,
loss_fn=loss_fn,
optimizer=optimizer,
epochs=epochs,
device=device,
49
disable_progress_bar=disable_progress_bar)
return results
def create_compiled_model():
"""
Create a compiled PyTorch model and return it.
"""
model, _ = create_model()
model.to(device)
compile_start_time = time.time()
### New in PyTorch 2.x ###
compiled_model = torch.compile(model)
##########################
compile_end_time = time.time()
def train_compiled_model(model=compiled_model,
epochs=NUM_EPOCHS,
learning_rate=LEARNING_RATE,
disable_progress_bar=False):
"""
Train a compiled model and return the results.
"""
loss_fn = torch.nn.CrossEntropyLoss()
optimizer = torch.optim.Adam(compiled_model.parameters(),
lr=learning_rate)
compile_results = train(model=model,
train_dataloader=train_dataloader,
test_dataloader=test_dataloader,
loss_fn=loss_fn,
optimizer=optimizer,
epochs=epochs,
device=device,
disable_progress_bar=disable_progress_bar)
return compile_results
50
# Create an empty list to store multiple run results
non_compile_results_multiple_runs = []
non_compile_results_multiple_runs.append(results)
51
[23]: # Go through non_compile_results_multiple_runs and create a dataframe for each␣
↪run then concatenate them together
non_compile_results_dfs = []
for result in non_compile_results_multiple_runs:
result_df = pd.DataFrame(result)
non_compile_results_dfs.append(result_df)
non_compile_results_multiple_runs_df = pd.concat(non_compile_results_dfs)
non_compile_results_multiple_runs_df
test_epoch_time
0 18.752528
1 18.713391
2 18.720411
3 18.740115
4 18.662506
compiled_results_multiple_runs.append(results)
Time to compile: 0.0017609596252441406 | Note: The first time you compile your
model, the first few epochs will be slower than subsequent runs.
0%| | 0/3 [00:00<?, ?it/s]
[INFO] Run 1 of 3 for compiled model
52
Epoch: 1 | train_loss: 1.1586 | train_acc: 0.5819 | test_loss: 0.9144 |
test_acc: 0.6745 | train_epoch_time: 275.1540 | test_epoch_time: 18.8432
Epoch: 2 | train_loss: 0.7052 | train_acc: 0.7541 | test_loss: 0.7374 |
test_acc: 0.7412 | train_epoch_time: 275.5065 | test_epoch_time: 18.8171
Epoch: 3 | train_loss: 0.5345 | train_acc: 0.8161 | test_loss: 0.5602 |
test_acc: 0.8060 | train_epoch_time: 275.5504 | test_epoch_time: 18.6937
Epoch: 4 | train_loss: 0.4158 | train_acc: 0.8557 | test_loss: 0.4743 |
test_acc: 0.8402 | train_epoch_time: 275.2414 | test_epoch_time: 18.7959
Epoch: 5 | train_loss: 0.3202 | train_acc: 0.8889 | test_loss: 0.4516 |
test_acc: 0.8506 | train_epoch_time: 275.4432 | test_epoch_time: 18.7335
[INFO] Run 2 of 3 for compiled model
Epoch: 1 | train_loss: 0.2525 | train_acc: 0.9108 | test_loss: 0.4858 |
test_acc: 0.8447 | train_epoch_time: 275.5786 | test_epoch_time: 18.6815
Epoch: 2 | train_loss: 0.1728 | train_acc: 0.9408 | test_loss: 0.4373 |
test_acc: 0.8633 | train_epoch_time: 275.7465 | test_epoch_time: 18.7751
Epoch: 3 | train_loss: 0.1230 | train_acc: 0.9580 | test_loss: 0.4815 |
test_acc: 0.8610 | train_epoch_time: 275.4566 | test_epoch_time: 18.6592
Epoch: 4 | train_loss: 0.0984 | train_acc: 0.9656 | test_loss: 0.4519 |
test_acc: 0.8682 | train_epoch_time: 275.3873 | test_epoch_time: 18.7133
Epoch: 5 | train_loss: 0.0784 | train_acc: 0.9727 | test_loss: 0.5117 |
test_acc: 0.8648 | train_epoch_time: 275.7526 | test_epoch_time: 18.6351
[INFO] Run 3 of 3 for compiled model
Epoch: 1 | train_loss: 0.0763 | train_acc: 0.9730 | test_loss: 0.5565 |
test_acc: 0.8579 | train_epoch_time: 275.8387 | test_epoch_time: 18.7854
Epoch: 2 | train_loss: 0.0653 | train_acc: 0.9779 | test_loss: 0.5248 |
test_acc: 0.8709 | train_epoch_time: 276.3325 | test_epoch_time: 18.7161
Epoch: 3 | train_loss: 0.0523 | train_acc: 0.9819 | test_loss: 0.5601 |
test_acc: 0.8627 | train_epoch_time: 276.0606 | test_epoch_time: 18.6342
Epoch: 4 | train_loss: 0.0494 | train_acc: 0.9832 | test_loss: 0.5629 |
test_acc: 0.8719 | train_epoch_time: 275.8713 | test_epoch_time: 18.6312
Epoch: 5 | train_loss: 0.0455 | train_acc: 0.9846 | test_loss: 0.6024 |
test_acc: 0.8647 | train_epoch_time: 275.7839 | test_epoch_time: 18.7164
compile_results_dfs = []
for result in compiled_results_multiple_runs:
result_df = pd.DataFrame(result)
compile_results_dfs.append(result_df)
compile_results_multiple_runs_df = pd.concat(compile_results_dfs)
compile_results_multiple_runs_df
53
[25]: train_loss train_acc test_loss test_acc train_epoch_time \
0 0.495794 0.821870 0.652214 0.792399 275.523742
1 0.314464 0.890962 0.566510 0.825146 275.861858
2 0.236588 0.918646 0.533929 0.843251 275.689193
3 0.187875 0.934828 0.496378 0.860091 275.500034
4 0.148041 0.948723 0.521926 0.860057 275.659885
test_epoch_time
0 18.770048
1 18.769439
2 18.662356
3 18.713465
4 18.695021
54
[ ]:
55